diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/screencoder/.gitignore b/screencoder/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..65b85c40d175875f110c2cc52dc462741a4d190f --- /dev/null +++ b/screencoder/.gitignore @@ -0,0 +1,11 @@ +# Node / JavaScript +node_modules/ +dist/ +.DS_Store + +# Environments +.env +.venv + +# API keys +doubao_api.txt \ No newline at end of file diff --git a/screencoder/README.md b/screencoder/README.md new file mode 100644 index 0000000000000000000000000000000000000000..39d931875fb298223f0f31da877002612a615eb9 --- /dev/null +++ b/screencoder/README.md @@ -0,0 +1,89 @@ +# Screencoder + +### About +This is the Screencoder Project. Screencoder generates the HTML code for a website screenshot using a modular multi-agent framework. + +### Project Structure +- `main.py`: The main script to generate final HTML code for a single screenshot. +- `UIED/`: Contains the UIED (UI Element Detection) engine for analyzing screenshots and detecting components. + - `run_single.py`: Python script to run UI component detection on a single image. +- `html_generator.py`: Takes the detected component data and generates a complete HTML layout with generated code for each module. +- `image_replacer.py`: A script to replace placeholder divs in the final HTML with actual cropped images. +- `mapping.py`: Maps the detected UIED components to logical page regions. +- `requirements.txt`: Lists all the necessary Python dependencies for the project. +- `doubao_api.txt`: API key file for the Doubao model (should be kept private and is included in `.gitignore`). + +### Setup and Installation + +1. **Clone the repository:** + ```bash + git clone https://github.com/JimmyZhengyz/screencoder.git + cd screencoder + ``` + +2. **Create a virtual environment:** + ```bash + python3 -m venv .venv + source .venv/bin/activate + ``` + +3. **Install dependencies:** + ```bash + pip install -r requirements.txt + ``` + +4. **Set up API Key:** + - Create a file named `doubao_api.txt` in the root directory. + - Paste your Doubao API key into this file. + +### Usage + +The typical workflow is a multi-step process as follows: + +1. **Initial Generation with Placeholders:** + Run the Python script to generate the initial HTML code for a given screenshot. + - Block Detection: + ```bash + python block_parsor.py + ``` + - Generation with Placeholders (Gray Images Blocks): + ```bash + python html_generator.py + ``` + +2. **Final HTML Code:** + Run the python script to generate final HTML code with copped images from the original screenshot. + - Placeholder Detection: + ```bash + python image_box_detection.py + ``` + - UI Element Detection: + ```bash + python UIED/run_single.py + ``` + - Mapping Alignment Between Placeholders and UI Elements: + ```bash + python mapping.py + ``` + - Placeholder Replacement: + ```bash + python image_replacer.py + ``` + +3. **Simple Run:** + Run the python script to generate the final HTML code: + ```bash + python main.py + ``` + +### Demo + +To access demo, you can follow these steps: + +```bash +cd demo +pnpm install +pnpm run dev +``` + +Then, you can see the demo running. \ No newline at end of file diff --git a/screencoder/UIED/.idea/UIED.iml b/screencoder/UIED/.idea/UIED.iml new file mode 100644 index 0000000000000000000000000000000000000000..25619073814e56498bf2ed6774f5859ae4ab32fe --- /dev/null +++ b/screencoder/UIED/.idea/UIED.iml @@ -0,0 +1,14 @@ + + + + + + + + + + + + + \ No newline at end of file diff --git a/screencoder/UIED/.idea/inspectionProfiles/Project_Default.xml b/screencoder/UIED/.idea/inspectionProfiles/Project_Default.xml new file mode 100644 index 0000000000000000000000000000000000000000..4fa1f1b08b265dd2f6d211efb7473e38897917e2 --- /dev/null +++ b/screencoder/UIED/.idea/inspectionProfiles/Project_Default.xml @@ -0,0 +1,29 @@ + + + + \ No newline at end of file diff --git a/screencoder/UIED/.idea/misc.xml b/screencoder/UIED/.idea/misc.xml new file mode 100644 index 0000000000000000000000000000000000000000..65531ca992813bbfedbe43dfae5a5f4337168ed8 --- /dev/null +++ b/screencoder/UIED/.idea/misc.xml @@ -0,0 +1,4 @@ + + + + \ No newline at end of file diff --git a/screencoder/UIED/.idea/modules.xml b/screencoder/UIED/.idea/modules.xml new file mode 100644 index 0000000000000000000000000000000000000000..b560a6bf77a48fbc28c056f11fded48711fc7490 --- /dev/null +++ b/screencoder/UIED/.idea/modules.xml @@ -0,0 +1,8 @@ + + + + + + + + \ No newline at end of file diff --git a/screencoder/UIED/.idea/vcs.xml b/screencoder/UIED/.idea/vcs.xml new file mode 100644 index 0000000000000000000000000000000000000000..94a25f7f4cb416c083d265558da75d457237d671 --- /dev/null +++ b/screencoder/UIED/.idea/vcs.xml @@ -0,0 +1,6 @@ + + + + + + \ No newline at end of file diff --git a/screencoder/UIED/.idea/workspace.xml b/screencoder/UIED/.idea/workspace.xml new file mode 100644 index 0000000000000000000000000000000000000000..08ccce6d3edcbc0a7928f46a5fbc1e468f852507 --- /dev/null +++ b/screencoder/UIED/.idea/workspace.xml @@ -0,0 +1,336 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + 1581826543105 + + + + + + + + + + + + + + + + 147 + + + + 134 + + + + 135 + + + + 136 + + + file://$PROJECT_DIR$/detect_text_east/lib_east/eval.py + 263 + + + file://$PROJECT_DIR$/result_processing/eval_classes.py + 92 + + + file://$PROJECT_DIR$/detect_text_east/lib_east/eval.py + 108 + + + file://$PROJECT_DIR$/cnn/CNN.py + 62 + + + file://$PROJECT_DIR$/run_single.py + 27 + + + + + + + + + + + + + + + + + + + + + + + + \ No newline at end of file diff --git a/screencoder/UIED/LICENSE b/screencoder/UIED/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..638aa1c5c2ff56d30533ae9e2da4c91afdb2f781 --- /dev/null +++ b/screencoder/UIED/LICENSE @@ -0,0 +1,201 @@ + Apache License + Version 2.0, January 2004 + http://www.apache.org/licenses/ + + TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION + + 1. Definitions. + + "License" shall mean the terms and conditions for use, reproduction, + and distribution as defined by Sections 1 through 9 of this document. + + "Licensor" shall mean the copyright owner or entity authorized by + the copyright owner that is granting the License. + + "Legal Entity" shall mean the union of the acting entity and all + other entities that control, are controlled by, or are under common + control with that entity. For the purposes of this definition, + "control" means (i) the power, direct or indirect, to cause the + direction or management of such entity, whether by contract or + otherwise, or (ii) ownership of fifty percent (50%) or more of the + outstanding shares, or (iii) beneficial ownership of such entity. + + "You" (or "Your") shall mean an individual or Legal Entity + exercising permissions granted by this License. + + "Source" form shall mean the preferred form for making modifications, + including but not limited to software source code, documentation + source, and configuration files. + + "Object" form shall mean any form resulting from mechanical + transformation or translation of a Source form, including but + not limited to compiled object code, generated documentation, + and conversions to other media types. + + "Work" shall mean the work of authorship, whether in Source or + Object form, made available under the License, as indicated by a + copyright notice that is included in or attached to the work + (an example is provided in the Appendix below). + + "Derivative Works" shall mean any work, whether in Source or Object + form, that is based on (or derived from) the Work and for which the + editorial revisions, annotations, elaborations, or other modifications + represent, as a whole, an original work of authorship. For the purposes + of this License, Derivative Works shall not include works that remain + separable from, or merely link (or bind by name) to the interfaces of, + the Work and Derivative Works thereof. + + "Contribution" shall mean any work of authorship, including + the original version of the Work and any modifications or additions + to that Work or Derivative Works thereof, that is intentionally + submitted to Licensor for inclusion in the Work by the copyright owner + or by an individual or Legal Entity authorized to submit on behalf of + the copyright owner. For the purposes of this definition, "submitted" + means any form of electronic, verbal, or written communication sent + to the Licensor or its representatives, including but not limited to + communication on electronic mailing lists, source code control systems, + and issue tracking systems that are managed by, or on behalf of, the + Licensor for the purpose of discussing and improving the Work, but + excluding communication that is conspicuously marked or otherwise + designated in writing by the copyright owner as "Not a Contribution." + + "Contributor" shall mean Licensor and any individual or Legal Entity + on behalf of whom a Contribution has been received by Licensor and + subsequently incorporated within the Work. + + 2. Grant of Copyright License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + copyright license to reproduce, prepare Derivative Works of, + publicly display, publicly perform, sublicense, and distribute the + Work and such Derivative Works in Source or Object form. + + 3. Grant of Patent License. Subject to the terms and conditions of + this License, each Contributor hereby grants to You a perpetual, + worldwide, non-exclusive, no-charge, royalty-free, irrevocable + (except as stated in this section) patent license to make, have made, + use, offer to sell, sell, import, and otherwise transfer the Work, + where such license applies only to those patent claims licensable + by such Contributor that are necessarily infringed by their + Contribution(s) alone or by combination of their Contribution(s) + with the Work to which such Contribution(s) was submitted. If You + institute patent litigation against any entity (including a + cross-claim or counterclaim in a lawsuit) alleging that the Work + or a Contribution incorporated within the Work constitutes direct + or contributory patent infringement, then any patent licenses + granted to You under this License for that Work shall terminate + as of the date such litigation is filed. + + 4. Redistribution. You may reproduce and distribute copies of the + Work or Derivative Works thereof in any medium, with or without + modifications, and in Source or Object form, provided that You + meet the following conditions: + + (a) You must give any other recipients of the Work or + Derivative Works a copy of this License; and + + (b) You must cause any modified files to carry prominent notices + stating that You changed the files; and + + (c) You must retain, in the Source form of any Derivative Works + that You distribute, all copyright, patent, trademark, and + attribution notices from the Source form of the Work, + excluding those notices that do not pertain to any part of + the Derivative Works; and + + (d) If the Work includes a "NOTICE" text file as part of its + distribution, then any Derivative Works that You distribute must + include a readable copy of the attribution notices contained + within such NOTICE file, excluding those notices that do not + pertain to any part of the Derivative Works, in at least one + of the following places: within a NOTICE text file distributed + as part of the Derivative Works; within the Source form or + documentation, if provided along with the Derivative Works; or, + within a display generated by the Derivative Works, if and + wherever such third-party notices normally appear. The contents + of the NOTICE file are for informational purposes only and + do not modify the License. You may add Your own attribution + notices within Derivative Works that You distribute, alongside + or as an addendum to the NOTICE text from the Work, provided + that such additional attribution notices cannot be construed + as modifying the License. + + You may add Your own copyright statement to Your modifications and + may provide additional or different license terms and conditions + for use, reproduction, or distribution of Your modifications, or + for any such Derivative Works as a whole, provided Your use, + reproduction, and distribution of the Work otherwise complies with + the conditions stated in this License. + + 5. Submission of Contributions. Unless You explicitly state otherwise, + any Contribution intentionally submitted for inclusion in the Work + by You to the Licensor shall be under the terms and conditions of + this License, without any additional terms or conditions. + Notwithstanding the above, nothing herein shall supersede or modify + the terms of any separate license agreement you may have executed + with Licensor regarding such Contributions. + + 6. Trademarks. This License does not grant permission to use the trade + names, trademarks, service marks, or product names of the Licensor, + except as required for reasonable and customary use in describing the + origin of the Work and reproducing the content of the NOTICE file. + + 7. Disclaimer of Warranty. Unless required by applicable law or + agreed to in writing, Licensor provides the Work (and each + Contributor provides its Contributions) on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or + implied, including, without limitation, any warranties or conditions + of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A + PARTICULAR PURPOSE. You are solely responsible for determining the + appropriateness of using or redistributing the Work and assume any + risks associated with Your exercise of permissions under this License. + + 8. Limitation of Liability. In no event and under no legal theory, + whether in tort (including negligence), contract, or otherwise, + unless required by applicable law (such as deliberate and grossly + negligent acts) or agreed to in writing, shall any Contributor be + liable to You for damages, including any direct, indirect, special, + incidental, or consequential damages of any character arising as a + result of this License or out of the use or inability to use the + Work (including but not limited to damages for loss of goodwill, + work stoppage, computer failure or malfunction, or any and all + other commercial damages or losses), even if such Contributor + has been advised of the possibility of such damages. + + 9. Accepting Warranty or Additional Liability. While redistributing + the Work or Derivative Works thereof, You may choose to offer, + and charge a fee for, acceptance of support, warranty, indemnity, + or other liability obligations and/or rights consistent with this + License. However, in accepting such obligations, You may act only + on Your own behalf and on Your sole responsibility, not on behalf + of any other Contributor, and only if You agree to indemnify, + defend, and hold each Contributor harmless for any liability + incurred by, or claims asserted against, such Contributor by reason + of your accepting any such warranty or additional liability. + + END OF TERMS AND CONDITIONS + + APPENDIX: How to apply the Apache License to your work. + + To apply the Apache License to your work, attach the following + boilerplate notice, with the fields enclosed by brackets "[]" + replaced with your own identifying information. (Don't include + the brackets!) The text should be enclosed in the appropriate + comment syntax for the file format. We also recommend that a + file or class name and description of purpose be included on the + same "printed page" as the copyright notice for easier + identification within third-party archives. + + Copyright [2021] [UIED mulong.xie@anu.edu.au] + + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at + + http://www.apache.org/licenses/LICENSE-2.0 + + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + See the License for the specific language governing permissions and + limitations under the License. diff --git a/screencoder/UIED/README.md b/screencoder/UIED/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8c0b4895edede671d2ffa0184f7d7a4ccfc88beb --- /dev/null +++ b/screencoder/UIED/README.md @@ -0,0 +1,80 @@ +# UIED - UI element detection, detecting UI elements from UI screenshots or drawnings + +This project is still ongoing and this repo may be updated irregularly, I developed a web app for the UIED in http://uied.online + +## Related Publications: +[1. UIED: a hybrid tool for GUI element detection](https://dl.acm.org/doi/10.1145/3368089.3417940) + +[2. Object Detection for Graphical User Interface: Old Fashioned or Deep Learning or a Combination?](https://arxiv.org/abs/2008.05132) + +>The repo has been **upgraded with Google OCR** for GUI text detection, to use the original version in our paper (using [EAST](https://github.com/argman/EAST) as text detector), check the relase [v2.3](https://github.com/MulongXie/UIED/releases/tag/v2.3) and download the pre-trained model in [this link](https://drive.google.com/drive/folders/1MK0Om7Lx0wRXGDfNcyj21B0FL1T461v5?usp=sharing). + +## What is it? + +UI Element Detection (UIED) is an old-fashioned computer vision (CV) based element detection approach for graphic user interface. + +The input of UIED could be various UI image, such as mobile app or web page screenshot, UI design drawn by Photoshop or Sketch, and even some hand-drawn UI design. Then the approach detects and classifies text and graphic UI elements, and exports the detection result as JSON file for future application. + +UIED comprises two parts to detect UI text and graphic elements, such as button, image and input bar. +* For text, it leverages [Google OCR](https://cloud.google.com/vision/docs/ocr) to perfrom detection. + +* For graphical elements, it uses old-fashioned CV approaches to locate the elements and a CNN classifier to achieve classification. + +> UIED is highly customizable, you can replace both parts by your choice (e.g. other text detection approaches). Unlike black-box end-to-end deep learning approach, you can revise the algorithms in the non-text detection and merging (partially or entirely) easily to fit your task. + +![UIED Approach](https://github.com/MulongXie/UIED/blob/master/data/demo/approach.png) + +## How to use? + +### Dependency +* **Python 3.5** +* **Opencv 3.4.2** +* **Pandas** + + +### Installation + + + + +The new version of UIED equipped with Google OCR is easy to deploy and no pre-trained model is needed. Simply donwload the repo along with the dependencies. + +> Please replace the Google OCR key at `detect_text/ocr.py line 28` with your own (apply in [Google website](https://cloud.google.com/vision)). + +### Usage +To test your own image(s): +* To test single image, change *input_path_img* in ``run_single.py`` to your input image and the results will be output to *output_root*. +* To test mutiple images, change *input_img_root* in ``run_batch.py`` to your input directory and the results will be output to *output_root*. +* To adjust the parameters lively, using ``run_testing.py`` + +> Note: The best set of parameters vary for different types of GUI image (Mobile App, Web, PC). I highly recommend to first play with the ``run_testing.py`` to pick a good set of parameters for your data. + +## Folder structure +``cnn/`` +* Used to train classifier for graphic UI elements +* Set path of the CNN classification model + +``config/`` +* Set data paths +* Set parameters for graphic elements detection + +``data/`` +* Input UI images and output detection results + +``detect_compo/`` +* Non-text GUI component detection + +``detect_text/`` +* GUI text detection using Google OCR + +``detect_merge/`` +* Merge the detection results of non-text and text GUI elements + +The major detection algorithms are in ``detect_compo/``, ``detect_text/`` and ``detect_merge/`` + +## Demo +GUI element detection result for web screenshot + +![UI Components detection result](https://github.com/MulongXie/UIED/blob/master/data/demo/demo.png) diff --git a/screencoder/UIED/cnn/CNN.py b/screencoder/UIED/cnn/CNN.py new file mode 100644 index 0000000000000000000000000000000000000000..dbecbb78931e882cdbecff11656e847e9d53ced3 --- /dev/null +++ b/screencoder/UIED/cnn/CNN.py @@ -0,0 +1,125 @@ +import keras +from keras.applications.resnet50 import ResNet50 +from keras.models import Model,load_model +from keras.layers import Dense, Activation, Flatten, Dropout +from sklearn.metrics import confusion_matrix +import numpy as np +import cv2 + +from config.CONFIG import Config +cfg = Config() + + +class CNN: + def __init__(self, classifier_type, is_load=True): + ''' + :param classifier_type: 'Text' or 'Noise' or 'Elements' + ''' + self.data = None + self.model = None + + self.classifier_type = classifier_type + + self.image_shape = (32,32,3) + self.class_number = None + self.class_map = None + self.model_path = None + self.classifier_type = classifier_type + if is_load: + self.load(classifier_type) + + def build_model(self, epoch_num, is_compile=True): + base_model = ResNet50(include_top=False, weights='imagenet', input_shape=self.image_shape) + for layer in base_model.layers: + layer.trainable = False + self.model = Flatten()(base_model.output) + self.model = Dense(128, activation='relu')(self.model) + self.model = Dropout(0.5)(self.model) + self.model = Dense(15, activation='softmax')(self.model) + + self.model = Model(inputs=base_model.input, outputs=self.model) + if is_compile: + self.model.compile(loss='categorical_crossentropy', optimizer='adadelta', metrics=['accuracy']) + self.model.fit(self.data.X_train, self.data.Y_train, batch_size=64, epochs=epoch_num, verbose=1, + validation_data=(self.data.X_test, self.data.Y_test)) + + def train(self, data, epoch_num=30): + self.data = data + self.build_model(epoch_num) + self.model.save(self.model_path) + print("Trained model is saved to", self.model_path) + + def load(self, classifier_type): + if classifier_type == 'Text': + self.model_path = 'E:/Mulong/Model/rico_compos/cnn-textview-2.h5' + self.class_map = ['Text', 'Non-Text'] + elif classifier_type == 'Noise': + self.model_path = 'E:/Mulong/Model/rico_compos/cnn-noise-1.h5' + self.class_map = ['Noise', 'Non-Noise'] + elif classifier_type == 'Elements': + # self.model_path = 'E:/Mulong/Model/rico_compos/resnet-ele14-19.h5' + # self.model_path = 'E:/Mulong/Model/rico_compos/resnet-ele14-28.h5' + # self.model_path = 'E:/Mulong/Model/rico_compos/resnet-ele14-45.h5' + self.model_path = 'UIED/cnn/model/cnn-rico-1.h5' # Use local model + self.class_map = cfg.element_class + self.image_shape = (64, 64, 3) + elif classifier_type == 'Image': + # Redirect 'Image' classification to use the general 'Elements' model + # as the specific model is not available in the project. + # IMPORTANT: This requires the actual model file to be present for real classification. + print("Warning: 'Image' specific model not found. Redirecting to general 'Elements' classifier.") + self.model_path = 'UIED/cnn/model/cnn-rico-1.h5' # Use local model + self.class_map = ['Image', 'Non-Image'] # Keep the class map for binary classification logic + + self.class_number = len(self.class_map) + try: + self.model = load_model(self.model_path) + print('Model Loaded From', self.model_path) + except Exception as e: + print(f"Error loading model: {e}") + print("A dummy model file was created, but it's not a valid Keras model.") + print("Please replace it with the actual model file for classification to work.") + self.model = None + + def preprocess_img(self, image): + image = cv2.resize(image, self.image_shape[:2]) + x = (image / 255).astype('float32') + x = np.array([x]) + return x + + def predict(self, imgs, compos, load=False, show=False): + """ + :type img_path: list of img path + """ + if load: + self.load(self.classifier_type) + if self.model is None: + print("*** No model loaded ***") + return + for i in range(len(imgs)): + X = self.preprocess_img(imgs[i]) + Y = self.class_map[np.argmax(self.model.predict(X))] + compos[i].category = Y + if show: + print(Y) + cv2.imshow('element', imgs[i]) + cv2.waitKey() + + def evaluate(self, data, load=True): + if load: + self.load(self.classifier_type) + X_test = data.X_test + Y_test = [np.argmax(y) for y in data.Y_test] + Y_pre = [np.argmax(y_pre) for y_pre in self.model.predict(X_test, verbose=1)] + + matrix = confusion_matrix(Y_test, Y_pre) + print(matrix) + + TP, FP, FN = 0, 0, 0 + for i in range(len(matrix)): + TP += matrix[i][i] + FP += sum(matrix[i][:]) - matrix[i][i] + FN += sum(matrix[:][i]) - matrix[i][i] + precision = TP/(TP+FP) + recall = TP / (TP+FN) + print("Precision:%.3f, Recall:%.3f" % (precision, recall)) \ No newline at end of file diff --git a/screencoder/UIED/cnn/Config.py b/screencoder/UIED/cnn/Config.py new file mode 100644 index 0000000000000000000000000000000000000000..7143c0b3b4ae150bae1afd3046db3e98d752f706 --- /dev/null +++ b/screencoder/UIED/cnn/Config.py @@ -0,0 +1,21 @@ + +class Config: + def __init__(self): + # cnn 4 classes + # self.MODEL_PATH = 'E:/Mulong/Model/ui_compos/cnn6_icon.h5' # cnn 4 classes + # self.class_map = ['Image', 'Icon', 'Button', 'Input'] + + # resnet 14 classes + # self.DATA_PATH = "E:/Mulong/Datasets/rico/elements-14-2" + # self.MODEL_PATH = 'E:/Mulong/Model/rico_compos/resnet-ele14.h5' + # self.class_map = ['Button', 'CheckBox', 'Chronometer', 'EditText', 'ImageButton', 'ImageView', + # 'ProgressBar', 'RadioButton', 'RatingBar', 'SeekBar', 'Spinner', 'Switch', + # 'ToggleButton', 'VideoView', 'TextView'] # ele-14 + + self.DATA_PATH = "E:\Mulong\Datasets\dataset_webpage\Components3" + + self.MODEL_PATH = 'E:/Mulong/Model/rico_compos/cnn2-textview.h5' + self.class_map = ['Text', 'Non-Text'] + + self.image_shape = (32, 32, 3) + self.class_number = len(self.class_map) diff --git a/screencoder/UIED/cnn/Data.py b/screencoder/UIED/cnn/Data.py new file mode 100644 index 0000000000000000000000000000000000000000..def4747977079d268176a15c9b9dab7a0118ff88 --- /dev/null +++ b/screencoder/UIED/cnn/Data.py @@ -0,0 +1,69 @@ +import cv2 +import numpy as np +from os.path import join as pjoin +import glob +from tqdm import tqdm +from Config import Config + +cfg = Config() + + +class Data: + def __init__(self): + self.data_num = 0 + self.images = [] + self.labels = [] + self.X_train, self.Y_train = None, None + self.X_test, self.Y_test = None, None + + self.image_shape = cfg.image_shape + self.class_number = cfg.class_number + self.class_map = cfg.class_map + self.DATA_PATH = cfg.DATA_PATH + + def load_data(self, resize=True, shape=None, max_number=1000000): + # if customize shape + if shape is not None: + self.image_shape = shape + else: + shape = self.image_shape + + # load data + for p in glob.glob(pjoin(self.DATA_PATH, '*')): + print("*** Loading components of %s: %d ***" %(p.split('\\')[-1], int(len(glob.glob(pjoin(p, '*.png')))))) + label = self.class_map.index(p.split('\\')[-1]) # map to index of classes + for i, image_path in enumerate(tqdm(glob.glob(pjoin(p, '*.png'))[:max_number])): + image = cv2.imread(image_path) + if resize: + image = cv2.resize(image, shape[:2]) + self.images.append(image) + self.labels.append(label) + + assert len(self.images) == len(self.labels) + self.data_num = len(self.images) + print('%d Data Loaded' % self.data_num) + + def generate_training_data(self, train_data_ratio=0.8): + # transfer int into c dimensions one-hot array + def expand(label, class_number): + # return y : (num_class, num_samples) + y = np.eye(class_number)[label] + y = np.squeeze(y) + return y + + # reshuffle + np.random.seed(0) + self.images = np.random.permutation(self.images) + np.random.seed(0) + self.labels = np.random.permutation(self.labels) + Y = expand(self.labels, self.class_number) + + # separate dataset + cut = int(train_data_ratio * self.data_num) + self.X_train = (self.images[:cut] / 255).astype('float32') + self.X_test = (self.images[cut:] / 255).astype('float32') + self.Y_train = Y[:cut] + self.Y_test = Y[cut:] + + print('X_train:%d, Y_train:%d' % (len(self.X_train), len(self.Y_train))) + print('X_test:%d, Y_test:%d' % (len(self.X_test), len(self.Y_test))) diff --git a/screencoder/UIED/cnn/__pycache__/CNN.cpython-312.pyc b/screencoder/UIED/cnn/__pycache__/CNN.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fce8083f31e869d241bfbd92b631e831920c5d6c Binary files /dev/null and b/screencoder/UIED/cnn/__pycache__/CNN.cpython-312.pyc differ diff --git a/screencoder/UIED/cnn/__pycache__/CNN.cpython-35.pyc b/screencoder/UIED/cnn/__pycache__/CNN.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..00b467d45f520b78e9f354e4b819ce65cb4aaa8d Binary files /dev/null and b/screencoder/UIED/cnn/__pycache__/CNN.cpython-35.pyc differ diff --git a/screencoder/UIED/cnn/model/cnn-rico-1.h5 b/screencoder/UIED/cnn/model/cnn-rico-1.h5 new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/screencoder/UIED/config/CONFIG.py b/screencoder/UIED/config/CONFIG.py new file mode 100644 index 0000000000000000000000000000000000000000..0a2af94cd1b54ad9c39576c00e4b8d853c9d5559 --- /dev/null +++ b/screencoder/UIED/config/CONFIG.py @@ -0,0 +1,45 @@ +from os.path import join as pjoin +import os + + +class Config: + + def __init__(self): + # setting CNN (graphic elements) model + self.image_shape = (64, 64, 3) + # self.MODEL_PATH = 'E:\\Mulong\\Model\\UI2CODE\\cnn6_icon.h5' + # self.class_map = ['button', 'input', 'icon', 'img', 'text'] + self.CNN_PATH = 'E:/Mulong/Model/rico_compos/cnn-rico-1.h5' + self.element_class = ['Button', 'CheckBox', 'Chronometer', 'EditText', 'ImageButton', 'ImageView', + 'ProgressBar', 'RadioButton', 'RatingBar', 'SeekBar', 'Spinner', 'Switch', + 'ToggleButton', 'VideoView', 'TextView'] + self.class_number = len(self.element_class) + + # setting EAST (ocr) model + self.EAST_PATH = 'E:/Mulong/Model/East/east_icdar2015_resnet_v1_50_rbox' + + self.COLOR = {'Button': (0, 255, 0), 'CheckBox': (0, 0, 255), 'Chronometer': (255, 166, 166), + 'EditText': (255, 166, 0), + 'ImageButton': (77, 77, 255), 'ImageView': (255, 0, 166), 'ProgressBar': (166, 0, 255), + 'RadioButton': (166, 166, 166), + 'RatingBar': (0, 166, 255), 'SeekBar': (0, 166, 10), 'Spinner': (50, 21, 255), + 'Switch': (80, 166, 66), 'ToggleButton': (0, 66, 80), 'VideoView': (88, 66, 0), + 'TextView': (169, 255, 0), 'NonText': (0,0,255), + 'Compo':(0, 0, 255), 'Text':(169, 255, 0), 'Block':(80, 166, 66)} + + def build_output_folders(self): + # setting data flow paths + self.ROOT_INPUT = "E:\\Mulong\\Datasets\\rico\\combined" + self.ROOT_OUTPUT = "E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_v3" + + self.ROOT_IMG_ORG = pjoin(self.ROOT_INPUT, "org") + self.ROOT_IP = pjoin(self.ROOT_OUTPUT, "ip") + self.ROOT_OCR = pjoin(self.ROOT_OUTPUT, "ocr") + self.ROOT_MERGE = pjoin(self.ROOT_OUTPUT, "merge") + self.ROOT_IMG_COMPONENT = pjoin(self.ROOT_OUTPUT, "components") + if not os.path.exists(self.ROOT_IP): + os.mkdir(self.ROOT_IP) + if not os.path.exists(self.ROOT_OCR): + os.mkdir(self.ROOT_OCR) + if not os.path.exists(self.ROOT_MERGE): + os.mkdir(self.ROOT_MERGE) diff --git a/screencoder/UIED/config/CONFIG_UIED.py b/screencoder/UIED/config/CONFIG_UIED.py new file mode 100644 index 0000000000000000000000000000000000000000..e4c85e6e71e004c3cbfbb6a1de1b5cd4b4845595 --- /dev/null +++ b/screencoder/UIED/config/CONFIG_UIED.py @@ -0,0 +1,49 @@ +class Config: + + def __init__(self): + # Adjustable + # self.THRESHOLD_PRE_GRADIENT = 4 # dribbble:4 rico:4 web:1 + # self.THRESHOLD_OBJ_MIN_AREA = 55 # bottom line 55 of small circle + # self.THRESHOLD_BLOCK_GRADIENT = 5 + + # *** Frozen *** + self.THRESHOLD_REC_MIN_EVENNESS = 0.7 + self.THRESHOLD_REC_MAX_DENT_RATIO = 0.25 + self.THRESHOLD_LINE_THICKNESS = 8 + self.THRESHOLD_LINE_MIN_LENGTH = 0.95 + self.THRESHOLD_COMPO_MAX_SCALE = (0.25, 0.98) # (120/800, 422.5/450) maximum height and width ratio for a atomic compo (button) + self.THRESHOLD_TEXT_MAX_WORD_GAP = 10 + self.THRESHOLD_TEXT_MAX_HEIGHT = 0.04 # 40/800 maximum height of text + self.THRESHOLD_TOP_BOTTOM_BAR = (0.045, 0.94) # (36/800, 752/800) height ratio of top and bottom bar + self.THRESHOLD_BLOCK_MIN_HEIGHT = 0.03 # 24/800 + + # deprecated + # self.THRESHOLD_OBJ_MIN_PERIMETER = 0 + # self.THRESHOLD_BLOCK_MAX_BORDER_THICKNESS = 8 + # self.THRESHOLD_BLOCK_MAX_CROSS_POINT = 0.1 + # self.THRESHOLD_UICOMPO_MIN_W_H_RATIO = 0.4 + # self.THRESHOLD_TEXT_MAX_WIDTH = 150 + # self.THRESHOLD_LINE_MIN_LENGTH_H = 50 + # self.THRESHOLD_LINE_MIN_LENGTH_V = 50 + # self.OCR_PADDING = 5 + # self.OCR_MIN_WORD_AREA = 0.45 + # self.THRESHOLD_MIN_IOU = 0.1 # dribbble:0.003 rico:0.1 web:0.1 + # self.THRESHOLD_BLOCK_MIN_EDGE_LENGTH = 210 # dribbble:68 rico:210 web:70 + # self.THRESHOLD_UICOMPO_MAX_W_H_RATIO = 10 # dribbble:10 rico:10 web:22 + + self.CLASS_MAP = {'0':'Button', '1':'CheckBox', '2':'Chronometer', '3':'EditText', '4':'ImageButton', '5':'ImageView', + '6':'ProgressBar', '7':'RadioButton', '8':'RatingBar', '9':'SeekBar', '10':'Spinner', '11':'Switch', + '12':'ToggleButton', '13':'VideoView', '14':'TextView'} + self.COLOR = {'Button': (0, 255, 0), 'CheckBox': (0, 0, 255), 'Chronometer': (255, 166, 166), + 'EditText': (255, 166, 0), + 'ImageButton': (77, 77, 255), 'ImageView': (255, 0, 166), 'ProgressBar': (166, 0, 255), + 'RadioButton': (166, 166, 166), + 'RatingBar': (0, 166, 255), 'SeekBar': (0, 166, 10), 'Spinner': (50, 21, 255), + 'Switch': (80, 166, 66), 'ToggleButton': (0, 66, 80), 'VideoView': (88, 66, 0), + 'TextView': (169, 255, 0), + + 'Text':(169, 255, 0), 'Non-Text':(255, 0, 166), + + 'Noise':(6,6,255), 'Non-Noise': (6,255,6), + + 'Image':(255,6,6), 'Non-Image':(6,6,255)} diff --git a/screencoder/UIED/config/__pycache__/CONFIG.cpython-312.pyc b/screencoder/UIED/config/__pycache__/CONFIG.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e8b8c7dc7d0bb84665c22e8d65943116e74c287e Binary files /dev/null and b/screencoder/UIED/config/__pycache__/CONFIG.cpython-312.pyc differ diff --git a/screencoder/UIED/config/__pycache__/CONFIG.cpython-35.pyc b/screencoder/UIED/config/__pycache__/CONFIG.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d3cf6126cde1fcff4f71798456d580d8e1a96caf Binary files /dev/null and b/screencoder/UIED/config/__pycache__/CONFIG.cpython-35.pyc differ diff --git a/screencoder/UIED/config/__pycache__/CONFIG.cpython-37.pyc b/screencoder/UIED/config/__pycache__/CONFIG.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..31fea94fdae6311f68c91e4c35ff5485e5dadb7b Binary files /dev/null and b/screencoder/UIED/config/__pycache__/CONFIG.cpython-37.pyc differ diff --git a/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-312.pyc b/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ee8041b11a4ebc31f4c9b8a1c117ad82671669d9 Binary files /dev/null and b/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-312.pyc differ diff --git a/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-35.pyc b/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0675fb206232b8cb1f42c58ffb26458b8f0a9060 Binary files /dev/null and b/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-35.pyc differ diff --git a/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-37.pyc b/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-37.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ee8516a9551190d004f4ced5a1e16ea20d7d6b56 Binary files /dev/null and b/screencoder/UIED/config/__pycache__/CONFIG_UIED.cpython-37.pyc differ diff --git a/screencoder/UIED/data/demo/approach.png b/screencoder/UIED/data/demo/approach.png new file mode 100644 index 0000000000000000000000000000000000000000..88ce46c83b77f14b925734693321861952f7dd96 --- /dev/null +++ b/screencoder/UIED/data/demo/approach.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d20a6b6e84b3891def48ef931bd6257a2a57699f4d9f406d410d4d67c2946e07 +size 2994545 diff --git a/screencoder/UIED/data/demo/demo.png b/screencoder/UIED/data/demo/demo.png new file mode 100644 index 0000000000000000000000000000000000000000..d8689e9080046fa51a9f0799b8d8d7a41fc2b576 --- /dev/null +++ b/screencoder/UIED/data/demo/demo.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8b102a3c1dceb6f6799f7832e5da76b2522eb2eda8a6c470b25ee30bbc49bb3 +size 2711314 diff --git a/screencoder/UIED/data/input/0.jpg b/screencoder/UIED/data/input/0.jpg new file mode 100644 index 0000000000000000000000000000000000000000..53620f99a5e44739cdd958d3674a5a7edbd954c7 --- /dev/null +++ b/screencoder/UIED/data/input/0.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d8105b66849f8086b07180067a157c210692faf2c0b73411b01ac51a94623f1 +size 1044675 diff --git a/screencoder/UIED/data/input/1.jpg b/screencoder/UIED/data/input/1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..fab9c83c252b60ab10280bbc022cc3024307a9ce --- /dev/null +++ b/screencoder/UIED/data/input/1.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64da23bbbfd696f70fa87ef39ed759baf6afaa96163a74b4e94d0a59c81978f3 +size 61076 diff --git a/screencoder/UIED/data/input/10.jpg b/screencoder/UIED/data/input/10.jpg new file mode 100644 index 0000000000000000000000000000000000000000..d7dae492bbb9327eb072c45f039e8e4635f3c394 --- /dev/null +++ b/screencoder/UIED/data/input/10.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f700d0720c3f892c6642be826f482db58c4c118a0856193971066d9548f743a +size 125511 diff --git a/screencoder/UIED/data/input/100.jpg b/screencoder/UIED/data/input/100.jpg new file mode 100644 index 0000000000000000000000000000000000000000..eb6505a801677492d5dc4f076c6e8e075b1a6ec0 --- /dev/null +++ b/screencoder/UIED/data/input/100.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b0d4e7599d65639c023dbcc4a2afc1c942af053e263201c749ba032e78ef3b6 +size 110671 diff --git a/screencoder/UIED/data/input/11.jpg b/screencoder/UIED/data/input/11.jpg new file mode 100644 index 0000000000000000000000000000000000000000..25d463d98b2034dfc0678d386227fc4e5312bb6c --- /dev/null +++ b/screencoder/UIED/data/input/11.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f4d7e01ec5adcf08428baec441107333ae6dc54f92ad304ec86b84f3767d9fc +size 170679 diff --git a/screencoder/UIED/data/input/11300.jpg b/screencoder/UIED/data/input/11300.jpg new file mode 100644 index 0000000000000000000000000000000000000000..25a7199f791889ea9c092ff2d8eb7e828a086e57 --- /dev/null +++ b/screencoder/UIED/data/input/11300.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ba1ee83e844f87b48008b059de7dd79f4943e6b3c49d55d19275ed4ba0790497 +size 503059 diff --git a/screencoder/UIED/data/input/1220.jpg b/screencoder/UIED/data/input/1220.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c6a935876bc1385b9ed75066b6b837593f1df36b --- /dev/null +++ b/screencoder/UIED/data/input/1220.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aac01788101135636e87b142013ffa3069419234725b567cd333305190675ed8 +size 270800 diff --git a/screencoder/UIED/data/input/1565.jpg b/screencoder/UIED/data/input/1565.jpg new file mode 100644 index 0000000000000000000000000000000000000000..9606cd9b4a859a36b3d6df7e5594737ad545123a --- /dev/null +++ b/screencoder/UIED/data/input/1565.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c540502f4ff1d4be9c28a30dafe1f7e514b777d22ec31e24623f640e68c7a89 +size 532709 diff --git a/screencoder/UIED/data/input/1627.jpg b/screencoder/UIED/data/input/1627.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8ff2937cb9c0df17444e75c2242389b71c6c05bd --- /dev/null +++ b/screencoder/UIED/data/input/1627.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:181cfd9d25c3befeec78f56e87a27cd9bbae8434d39677a5f61bd24f9937abcd +size 474914 diff --git a/screencoder/UIED/data/input/18116.jpg b/screencoder/UIED/data/input/18116.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5785b4d07b313d9f8e58eb3ff84bb811e6cbd0ae --- /dev/null +++ b/screencoder/UIED/data/input/18116.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df7f42fbe68f12767fac43b869e2bb23337c1b612bcf192307030d2d69082d1b +size 617519 diff --git a/screencoder/UIED/data/input/2.jpg b/screencoder/UIED/data/input/2.jpg new file mode 100644 index 0000000000000000000000000000000000000000..93894168fcb402d45dea2233288589fbf48b41b8 --- /dev/null +++ b/screencoder/UIED/data/input/2.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2260c25264ef7afe547ad9ab04de15ae03d83cf270263c90a4fa612071210c0 +size 98942 diff --git a/screencoder/UIED/data/input/214.jpg b/screencoder/UIED/data/input/214.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dbe0290c1172337169c9abab8473dcd7a83b3382 --- /dev/null +++ b/screencoder/UIED/data/input/214.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:111bb0a0d4542611eb02253a3b4c556b827b00e48cc028974828a704ceae83fc +size 118437 diff --git a/screencoder/UIED/data/input/24.jpg b/screencoder/UIED/data/input/24.jpg new file mode 100644 index 0000000000000000000000000000000000000000..a8b6f8de791cbab01172d8a506bef74140b1d3c1 --- /dev/null +++ b/screencoder/UIED/data/input/24.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71470832d69956153ad4029b69034649289f3b06492a8ea750cdbe1cd2015a4a +size 821093 diff --git a/screencoder/UIED/data/input/245.jpg b/screencoder/UIED/data/input/245.jpg new file mode 100644 index 0000000000000000000000000000000000000000..efbc544adbe61d510ec8b63857673d99203766fb --- /dev/null +++ b/screencoder/UIED/data/input/245.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c16b46cefc634e6a4c477a4d8b4cc3296e4154de718e54692f8920431cc94d6d +size 282262 diff --git a/screencoder/UIED/data/input/3.jpg b/screencoder/UIED/data/input/3.jpg new file mode 100644 index 0000000000000000000000000000000000000000..eb94201481733e9e40276ae81a1004ef827ec4c9 --- /dev/null +++ b/screencoder/UIED/data/input/3.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f5fff01048e758e43902d1b51fe1a2b33c4423ecd5f9c0eb206f0a38a6c6c8b +size 162337 diff --git a/screencoder/UIED/data/input/30800.jpg b/screencoder/UIED/data/input/30800.jpg new file mode 100644 index 0000000000000000000000000000000000000000..00c430f6165c70602ec08bd9ca4556a8e7773706 --- /dev/null +++ b/screencoder/UIED/data/input/30800.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eeff6a65c0097f9bd163db2e51a1ab0f1cce0a756e45db9b92462591fbd7595b +size 359134 diff --git a/screencoder/UIED/data/input/4.jpg b/screencoder/UIED/data/input/4.jpg new file mode 100644 index 0000000000000000000000000000000000000000..6fcd8339a81bc5f918119cf047e2ecd8adfd1930 --- /dev/null +++ b/screencoder/UIED/data/input/4.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:108fc9806239b0cd70c228a753552f41c2b48858a91399e06017c433b8d92d03 +size 431311 diff --git a/screencoder/UIED/data/input/413.jpg b/screencoder/UIED/data/input/413.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b6bdab66246b4739c91673d34951380b7c9500dd --- /dev/null +++ b/screencoder/UIED/data/input/413.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb31282fc11eed456d6fb390d8b7308d580377cf0572c6e4a869e8501eb8aff7 +size 64564 diff --git a/screencoder/UIED/data/input/472.jpg b/screencoder/UIED/data/input/472.jpg new file mode 100644 index 0000000000000000000000000000000000000000..46d7131943a191cd18a7509116eb4201f6a9171f --- /dev/null +++ b/screencoder/UIED/data/input/472.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c72d5a72c84fe85ce1a850a36fd537e55c7bd7d1da46109f78b9bdb753b5d569 +size 163121 diff --git a/screencoder/UIED/data/input/472a.jpg b/screencoder/UIED/data/input/472a.jpg new file mode 100644 index 0000000000000000000000000000000000000000..69bd6f303e8eccd1531397394eed333fa3ac1907 --- /dev/null +++ b/screencoder/UIED/data/input/472a.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8e61eeb1be576c8d3b0f5e484b7fd0a9977b56514c96dc94f59982be1a386b8 +size 418705 diff --git a/screencoder/UIED/data/input/493.jpg b/screencoder/UIED/data/input/493.jpg new file mode 100644 index 0000000000000000000000000000000000000000..cf93b509132d881e5be219c53563603bf1099358 --- /dev/null +++ b/screencoder/UIED/data/input/493.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef6d9b16e4cd5d772a75cb29d3f68d88a594ee383493ac49e3ffc88100fa6c8c +size 144826 diff --git a/screencoder/UIED/data/input/497.jpg b/screencoder/UIED/data/input/497.jpg new file mode 100644 index 0000000000000000000000000000000000000000..693f17d455a3c6523ecc00e33efe9bed71b310cc --- /dev/null +++ b/screencoder/UIED/data/input/497.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d83c2cf0828e0f9b8fc399f418507c85d2611f715f25f3c1c55405b34a9d294 +size 158898 diff --git a/screencoder/UIED/data/input/5.jpg b/screencoder/UIED/data/input/5.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c12365c82575edfc77e6a631d936297123b9a520 --- /dev/null +++ b/screencoder/UIED/data/input/5.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b264975108e7b48f82b3a30c2c0ee00d748d5926c3ad6c90c86e61d415ef5ec4 +size 34378 diff --git a/screencoder/UIED/data/input/505.jpg b/screencoder/UIED/data/input/505.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e808ed6d8ea0a026ca4dbf59f59ee576c3ca5a4c --- /dev/null +++ b/screencoder/UIED/data/input/505.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05cb3fd3bdb628147e9d4e133d49f581eed32b14950063ee2c5373649a5604fc +size 228037 diff --git a/screencoder/UIED/data/input/6.jpg b/screencoder/UIED/data/input/6.jpg new file mode 100644 index 0000000000000000000000000000000000000000..7e9087c471ecd4be3fdb58941b2ecd0a77f5ccd7 --- /dev/null +++ b/screencoder/UIED/data/input/6.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cc096589501691f0e13a412a707c682a5ce1528b70ba6591cdbd4578cee1f3b +size 331519 diff --git a/screencoder/UIED/data/input/66529.jpg b/screencoder/UIED/data/input/66529.jpg new file mode 100644 index 0000000000000000000000000000000000000000..02ef198b360a5be42f64ecd94831f405132ee745 --- /dev/null +++ b/screencoder/UIED/data/input/66529.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96f1522625b4030f88aebb9ec3459c554dc2d070d630a1eb292a8a2a17dda404 +size 405076 diff --git a/screencoder/UIED/data/input/7.jpg b/screencoder/UIED/data/input/7.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8269cb75380f895be13ee5030b9e7447277360e7 --- /dev/null +++ b/screencoder/UIED/data/input/7.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2529f48367902ccbcfc3b6b4cd478235699d765688377b4030515695a0ecdd66 +size 222571 diff --git a/screencoder/UIED/data/input/8.jpg b/screencoder/UIED/data/input/8.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f4e13aacf9e84bd8924641e7f7b4945569e16e07 --- /dev/null +++ b/screencoder/UIED/data/input/8.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ef9a69d0c170a473f6ad1f3f1c9fc9d33885da077a8f710831f8305e3300245 +size 159074 diff --git a/screencoder/UIED/data/input/9.jpg b/screencoder/UIED/data/input/9.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8ff2937cb9c0df17444e75c2242389b71c6c05bd --- /dev/null +++ b/screencoder/UIED/data/input/9.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:181cfd9d25c3befeec78f56e87a27cd9bbae8434d39677a5f61bd24f9937abcd +size 474914 diff --git a/screencoder/UIED/data/input/9.png b/screencoder/UIED/data/input/9.png new file mode 100644 index 0000000000000000000000000000000000000000..9afb2597f90ab2f204d8e1a9bcf74650c44ad50b --- /dev/null +++ b/screencoder/UIED/data/input/9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:939c01462c5ef6c3d268ceb6f51adb209bd28b7f0f7d73bac69ee18af28f4708 +size 1076912 diff --git a/screencoder/UIED/data/input/a.jpg b/screencoder/UIED/data/input/a.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c98b9a32a6521b44443561067662028df6237f70 --- /dev/null +++ b/screencoder/UIED/data/input/a.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c8022ae8e8724300731583aef70a5c842332c25eb56e560665ee81dc4ff668ed +size 58761 diff --git a/screencoder/UIED/data/input/b.jpg b/screencoder/UIED/data/input/b.jpg new file mode 100644 index 0000000000000000000000000000000000000000..7e51bd727ffc7e9f05e5d6712ed41bfd8d78b411 --- /dev/null +++ b/screencoder/UIED/data/input/b.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a646f40471fb632b97ceb483a866df0044935e6cac177c3ad7d329270b2ce18 +size 58260 diff --git a/screencoder/UIED/data/input/d.jpg b/screencoder/UIED/data/input/d.jpg new file mode 100644 index 0000000000000000000000000000000000000000..728e557bd4e96bd6be5ff40bb7504ef270a65d3f --- /dev/null +++ b/screencoder/UIED/data/input/d.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:091ce3de3c319ba636301ca6834bd30924cac693e9b438eee758b87b811ca3f4 +size 71070 diff --git a/screencoder/UIED/data/input/e.jpg b/screencoder/UIED/data/input/e.jpg new file mode 100644 index 0000000000000000000000000000000000000000..38b0d6b0ae1a0e6789c30e95034267134837c49f --- /dev/null +++ b/screencoder/UIED/data/input/e.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f0ce89c7c90bde21f9e28d3a7d00942bf44fbaf399ba248fb8a2d3df6b5ac7b +size 130989 diff --git a/screencoder/UIED/data/input/f.jpg b/screencoder/UIED/data/input/f.jpg new file mode 100644 index 0000000000000000000000000000000000000000..7a05cb233e21c04ec1171e5c7916c04342baa354 --- /dev/null +++ b/screencoder/UIED/data/input/f.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01776e096bbfeb6a32fb123105517826ba0b24b34be9e698023bece0807dbc00 +size 52906 diff --git a/screencoder/UIED/data/input/g.jpg b/screencoder/UIED/data/input/g.jpg new file mode 100644 index 0000000000000000000000000000000000000000..6ab3835c92f143e981e7b7283f34071bc12a193e --- /dev/null +++ b/screencoder/UIED/data/input/g.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:633d017bcbce03fdd949972cdd274f4293285b82730774c149f22ac820a68222 +size 107634 diff --git a/screencoder/UIED/data/input/x.jpg b/screencoder/UIED/data/input/x.jpg new file mode 100644 index 0000000000000000000000000000000000000000..6263d55d8e8ce12d453f734cc6362db6db75717a --- /dev/null +++ b/screencoder/UIED/data/input/x.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d720b0767f4541aeaefddb7941540e1f919575a78577d91eb210d81fae6cdf2 +size 76191 diff --git a/screencoder/UIED/data/input/y.jpg b/screencoder/UIED/data/input/y.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8ee5ce16fa97bd443aa798a818f68efd50e9dcdf --- /dev/null +++ b/screencoder/UIED/data/input/y.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:288037efaec3dd6fe6f5d2711ac09e901f837dc2e9d23abaf8029e76ab14c987 +size 41069 diff --git a/screencoder/UIED/data/input/z.jpg b/screencoder/UIED/data/input/z.jpg new file mode 100644 index 0000000000000000000000000000000000000000..a5545dcf952bdf850332daf44abed5d3a8df8870 --- /dev/null +++ b/screencoder/UIED/data/input/z.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d6f9c12a2845c3ca1f19a15805bab809c804808ea186fa21d712294878c0f6cd +size 57103 diff --git a/screencoder/UIED/data/output/ip/1565.jpg b/screencoder/UIED/data/output/ip/1565.jpg new file mode 100644 index 0000000000000000000000000000000000000000..656d0603161476f4dfc0b5173d091d3d0d51c89a --- /dev/null +++ b/screencoder/UIED/data/output/ip/1565.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:77ca55e9e969295a3bc2a3060c8d4c8b1797d7b9fc1ef5c2553c0c46e2f8e5c9 +size 149322 diff --git a/screencoder/UIED/data/output/ip/1565.json b/screencoder/UIED/data/output/ip/1565.json new file mode 100644 index 0000000000000000000000000000000000000000..7ca016b705ff39d5e7a023c05a586bd3c4197fe2 --- /dev/null +++ b/screencoder/UIED/data/output/ip/1565.json @@ -0,0 +1,639 @@ +{ + "compos": [ + { + "column_min": 20, + "row_max": 44, + "id": 1, + "column_max": 49, + "width": 29, + "height": 21, + "class": "Compo", + "row_min": 23 + }, + { + "column_min": 95, + "row_max": 45, + "id": 2, + "column_max": 126, + "width": 31, + "height": 22, + "class": "Compo", + "row_min": 23 + }, + { + "column_min": 398, + "row_max": 45, + "id": 3, + "column_max": 422, + "width": 24, + "height": 23, + "class": "Compo", + "row_min": 22 + }, + { + "column_min": 452, + "row_max": 45, + "id": 4, + "column_max": 487, + "width": 35, + "height": 22, + "class": "Compo", + "row_min": 23 + }, + { + "column_min": 346, + "row_max": 38, + "id": 5, + "column_max": 360, + "width": 14, + "height": 8, + "class": "Compo", + "row_min": 30 + }, + { + "column_min": 0, + "row_max": 282, + "id": 6, + "column_max": 498, + "width": 498, + "height": 215, + "class": "Compo", + "row_min": 67 + }, + { + "column_min": 135, + "row_max": 327, + "id": 7, + "column_max": 228, + "width": 93, + "height": 22, + "class": "Compo", + "row_min": 305 + }, + { + "column_min": 233, + "row_max": 327, + "id": 8, + "column_max": 293, + "width": 60, + "height": 22, + "class": "Compo", + "row_min": 305 + }, + { + "column_min": 17, + "row_max": 407, + "id": 9, + "column_max": 117, + "width": 100, + "height": 101, + "class": "Compo", + "row_min": 306 + }, + { + "column_min": 298, + "row_max": 333, + "id": 10, + "column_max": 365, + "width": 67, + "height": 25, + "class": "Compo", + "row_min": 308 + }, + { + "column_min": 368, + "row_max": 327, + "id": 11, + "column_max": 416, + "width": 48, + "height": 17, + "class": "Compo", + "row_min": 310 + }, + { + "column_min": 133, + "row_max": 357, + "id": 12, + "column_max": 265, + "width": 132, + "height": 23, + "class": "Compo", + "row_min": 334 + }, + { + "column_min": 269, + "row_max": 354, + "id": 13, + "column_max": 376, + "width": 107, + "height": 20, + "class": "Compo", + "row_min": 334 + }, + { + "column_min": 134, + "row_max": 385, + "id": 14, + "column_max": 173, + "width": 39, + "height": 20, + "class": "Compo", + "row_min": 365 + }, + { + "column_min": 177, + "row_max": 385, + "id": 15, + "column_max": 269, + "width": 92, + "height": 21, + "class": "Compo", + "row_min": 364 + }, + { + "column_min": 295, + "row_max": 380, + "id": 16, + "column_max": 332, + "width": 37, + "height": 16, + "class": "Compo", + "row_min": 364 + }, + { + "column_min": 334, + "row_max": 381, + "id": 17, + "column_max": 390, + "width": 56, + "height": 17, + "class": "Compo", + "row_min": 364 + }, + { + "column_min": 402, + "row_max": 380, + "id": 18, + "column_max": 436, + "width": 34, + "height": 16, + "class": "Compo", + "row_min": 364 + }, + { + "column_min": 273, + "row_max": 385, + "id": 19, + "column_max": 276, + "width": 3, + "height": 21, + "class": "Compo", + "row_min": 364 + }, + { + "column_min": 281, + "row_max": 380, + "id": 20, + "column_max": 291, + "width": 10, + "height": 14, + "class": "Compo", + "row_min": 366 + }, + { + "column_min": 394, + "row_max": 382, + "id": 21, + "column_max": 397, + "width": 3, + "height": 16, + "class": "Compo", + "row_min": 366 + }, + { + "column_min": 16, + "row_max": 547, + "id": 22, + "column_max": 117, + "width": 101, + "height": 103, + "class": "Compo", + "row_min": 444 + }, + { + "column_min": 132, + "row_max": 490, + "id": 23, + "column_max": 238, + "width": 106, + "height": 44, + "class": "Compo", + "row_min": 446 + }, + { + "column_min": 240, + "row_max": 469, + "id": 24, + "column_max": 346, + "width": 106, + "height": 23, + "class": "Compo", + "row_min": 446 + }, + { + "column_min": 351, + "row_max": 468, + "id": 25, + "column_max": 367, + "width": 16, + "height": 22, + "class": "Compo", + "row_min": 446 + }, + { + "column_min": 372, + "row_max": 465, + "id": 26, + "column_max": 385, + "width": 13, + "height": 15, + "class": "Compo", + "row_min": 450 + }, + { + "column_min": 354, + "row_max": 490, + "id": 27, + "column_max": 371, + "width": 17, + "height": 21, + "class": "Compo", + "row_min": 469 + }, + { + "column_min": 243, + "row_max": 494, + "id": 28, + "column_max": 348, + "width": 105, + "height": 23, + "class": "Compo", + "row_min": 471 + }, + { + "column_min": 376, + "row_max": 490, + "id": 29, + "column_max": 419, + "width": 43, + "height": 15, + "class": "Compo", + "row_min": 475 + }, + { + "column_min": 133, + "row_max": 520, + "id": 30, + "column_max": 203, + "width": 70, + "height": 23, + "class": "Compo", + "row_min": 497 + }, + { + "column_min": 134, + "row_max": 546, + "id": 31, + "column_max": 160, + "width": 26, + "height": 19, + "class": "Compo", + "row_min": 527 + }, + { + "column_min": 164, + "row_max": 547, + "id": 32, + "column_max": 232, + "width": 68, + "height": 20, + "class": "Compo", + "row_min": 527 + }, + { + "column_min": 236, + "row_max": 545, + "id": 33, + "column_max": 240, + "width": 4, + "height": 17, + "class": "Compo", + "row_min": 528 + }, + { + "column_min": 244, + "row_max": 545, + "id": 34, + "column_max": 254, + "width": 10, + "height": 19, + "class": "Compo", + "row_min": 526 + }, + { + "column_min": 258, + "row_max": 544, + "id": 35, + "column_max": 353, + "width": 95, + "height": 18, + "class": "Compo", + "row_min": 526 + }, + { + "column_min": 357, + "row_max": 546, + "id": 36, + "column_max": 361, + "width": 4, + "height": 19, + "class": "Compo", + "row_min": 527 + }, + { + "column_min": 364, + "row_max": 543, + "id": 37, + "column_max": 384, + "width": 20, + "height": 16, + "class": "Compo", + "row_min": 527 + }, + { + "column_min": 295, + "row_max": 602, + "id": 38, + "column_max": 324, + "width": 29, + "height": 22, + "class": "Compo", + "row_min": 580 + }, + { + "column_min": 16, + "row_max": 681, + "id": 39, + "column_max": 117, + "width": 101, + "height": 100, + "class": "Compo", + "row_min": 581 + }, + { + "column_min": 132, + "row_max": 604, + "id": 40, + "column_max": 171, + "width": 39, + "height": 21, + "class": "Compo", + "row_min": 583 + }, + { + "column_min": 177, + "row_max": 605, + "id": 41, + "column_max": 219, + "width": 42, + "height": 24, + "class": "Compo", + "row_min": 581 + }, + { + "column_min": 221, + "row_max": 608, + "id": 42, + "column_max": 291, + "width": 70, + "height": 21, + "class": "Compo", + "row_min": 587 + }, + { + "column_min": 328, + "row_max": 607, + "id": 43, + "column_max": 372, + "width": 44, + "height": 20, + "class": "Compo", + "row_min": 587 + }, + { + "column_min": 132, + "row_max": 632, + "id": 44, + "column_max": 228, + "width": 96, + "height": 24, + "class": "Compo", + "row_min": 608 + }, + { + "column_min": 230, + "row_max": 629, + "id": 45, + "column_max": 279, + "width": 49, + "height": 20, + "class": "Compo", + "row_min": 609 + }, + { + "column_min": 280, + "row_max": 628, + "id": 46, + "column_max": 310, + "width": 30, + "height": 20, + "class": "Compo", + "row_min": 608 + }, + { + "column_min": 133, + "row_max": 659, + "id": 47, + "column_max": 189, + "width": 56, + "height": 21, + "class": "Compo", + "row_min": 638 + }, + { + "column_min": 220, + "row_max": 659, + "id": 48, + "column_max": 232, + "width": 12, + "height": 23, + "class": "Compo", + "row_min": 636 + }, + { + "column_min": 244, + "row_max": 657, + "id": 49, + "column_max": 253, + "width": 9, + "height": 18, + "class": "Compo", + "row_min": 639 + }, + { + "column_min": 257, + "row_max": 656, + "id": 50, + "column_max": 352, + "width": 95, + "height": 18, + "class": "Compo", + "row_min": 638 + }, + { + "column_min": 193, + "row_max": 658, + "id": 51, + "column_max": 218, + "width": 25, + "height": 18, + "class": "Compo", + "row_min": 640 + }, + { + "column_min": 235, + "row_max": 657, + "id": 52, + "column_max": 239, + "width": 4, + "height": 16, + "class": "Compo", + "row_min": 641 + }, + { + "column_min": 363, + "row_max": 655, + "id": 53, + "column_max": 383, + "width": 20, + "height": 14, + "class": "Compo", + "row_min": 641 + }, + { + "column_min": 17, + "row_max": 799, + "id": 54, + "column_max": 116, + "width": 99, + "height": 80, + "class": "Compo", + "row_min": 719 + }, + { + "column_min": 132, + "row_max": 768, + "id": 55, + "column_max": 307, + "width": 175, + "height": 49, + "class": "Compo", + "row_min": 719 + }, + { + "column_min": 307, + "row_max": 770, + "id": 56, + "column_max": 423, + "width": 116, + "height": 50, + "class": "Compo", + "row_min": 720 + }, + { + "column_min": 135, + "row_max": 793, + "id": 57, + "column_max": 200, + "width": 65, + "height": 15, + "class": "Compo", + "row_min": 778 + }, + { + "column_min": 205, + "row_max": 793, + "id": 58, + "column_max": 228, + "width": 23, + "height": 15, + "class": "Compo", + "row_min": 778 + }, + { + "column_min": 232, + "row_max": 795, + "id": 59, + "column_max": 236, + "width": 4, + "height": 16, + "class": "Compo", + "row_min": 779 + }, + { + "column_min": 241, + "row_max": 793, + "id": 60, + "column_max": 250, + "width": 9, + "height": 15, + "class": "Compo", + "row_min": 778 + }, + { + "column_min": 254, + "row_max": 793, + "id": 61, + "column_max": 349, + "width": 95, + "height": 15, + "class": "Compo", + "row_min": 778 + }, + { + "column_min": 353, + "row_max": 795, + "id": 62, + "column_max": 357, + "width": 4, + "height": 16, + "class": "Compo", + "row_min": 779 + }, + { + "column_min": 361, + "row_max": 793, + "id": 63, + "column_max": 380, + "width": 19, + "height": 15, + "class": "Compo", + "row_min": 778 + } + ], + "img_shape": [ + 800, + 499, + 3 + ] +} \ No newline at end of file diff --git a/screencoder/UIED/data/output/ip/497.jpg b/screencoder/UIED/data/output/ip/497.jpg new file mode 100644 index 0000000000000000000000000000000000000000..14b9a7f18d8261543228a57bbca6cae0dc01251f --- /dev/null +++ b/screencoder/UIED/data/output/ip/497.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8cb38de6ff3e785cfe37636f0de5801b7a79be2fe51a2b0998abfcc85b80b069 +size 121381 diff --git a/screencoder/UIED/data/output/ip/497.json b/screencoder/UIED/data/output/ip/497.json new file mode 100644 index 0000000000000000000000000000000000000000..3347b5a3df01dda955eef23de5446ee54b341383 --- /dev/null +++ b/screencoder/UIED/data/output/ip/497.json @@ -0,0 +1,1059 @@ +{ + "compos": [ + { + "height": 18, + "row_max": 22, + "column_min": 63, + "id": 1, + "width": 16, + "class": "Compo", + "column_max": 79, + "row_min": 4 + }, + { + "height": 19, + "row_max": 23, + "column_min": 140, + "id": 2, + "width": 19, + "class": "Compo", + "column_max": 159, + "row_min": 4 + }, + { + "height": 16, + "row_max": 21, + "column_min": 170, + "id": 3, + "width": 12, + "class": "Compo", + "column_max": 182, + "row_min": 5 + }, + { + "height": 16, + "row_max": 20, + "column_min": 196, + "id": 4, + "width": 13, + "class": "Compo", + "column_max": 209, + "row_min": 4 + }, + { + "height": 17, + "row_max": 21, + "column_min": 323, + "id": 5, + "width": 11, + "class": "Compo", + "column_max": 334, + "row_min": 4 + }, + { + "height": 17, + "row_max": 22, + "column_min": 341, + "id": 6, + "width": 21, + "class": "Compo", + "column_max": 362, + "row_min": 5 + }, + { + "height": 17, + "row_max": 21, + "column_min": 367, + "id": 7, + "width": 15, + "class": "Compo", + "column_max": 382, + "row_min": 4 + }, + { + "height": 17, + "row_max": 22, + "column_min": 390, + "id": 8, + "width": 12, + "class": "Compo", + "column_max": 402, + "row_min": 5 + }, + { + "height": 17, + "row_max": 23, + "column_min": 11, + "id": 9, + "width": 16, + "class": "Compo", + "column_max": 27, + "row_min": 6 + }, + { + "height": 17, + "row_max": 23, + "column_min": 38, + "id": 10, + "width": 14, + "class": "Compo", + "column_max": 52, + "row_min": 6 + }, + { + "height": 15, + "row_max": 21, + "column_min": 90, + "id": 11, + "width": 16, + "class": "Compo", + "column_max": 106, + "row_min": 6 + }, + { + "height": 14, + "row_max": 20, + "column_min": 117, + "id": 12, + "width": 14, + "class": "Compo", + "column_max": 131, + "row_min": 6 + }, + { + "height": 12, + "row_max": 20, + "column_min": 410, + "id": 13, + "width": 12, + "class": "Compo", + "column_max": 422, + "row_min": 8 + }, + { + "height": 12, + "row_max": 20, + "column_min": 423, + "id": 14, + "width": 17, + "class": "Compo", + "column_max": 440, + "row_min": 8 + }, + { + "height": 39, + "row_max": 73, + "column_min": 10, + "id": 15, + "width": 369, + "class": "Compo", + "column_max": 379, + "row_min": 34 + }, + { + "height": 15, + "row_max": 62, + "column_min": 385, + "id": 16, + "width": 53, + "class": "Compo", + "column_max": 438, + "row_min": 47 + }, + { + "height": 62, + "row_max": 153, + "column_min": 21, + "id": 17, + "width": 67, + "class": "Compo", + "column_max": 88, + "row_min": 91 + }, + { + "height": 14, + "row_max": 114, + "column_min": 93, + "id": 18, + "width": 35, + "class": "Compo", + "column_max": 128, + "row_min": 100 + }, + { + "height": 14, + "row_max": 114, + "column_min": 216, + "id": 19, + "width": 39, + "class": "Compo", + "column_max": 255, + "row_min": 100 + }, + { + "height": 13, + "row_max": 114, + "column_min": 129, + "id": 20, + "width": 29, + "class": "Compo", + "column_max": 158, + "row_min": 101 + }, + { + "height": 13, + "row_max": 114, + "column_min": 160, + "id": 21, + "width": 52, + "class": "Compo", + "column_max": 212, + "row_min": 101 + }, + { + "height": 12, + "row_max": 140, + "column_min": 93, + "id": 22, + "width": 44, + "class": "Compo", + "column_max": 137, + "row_min": 128 + }, + { + "height": 12, + "row_max": 140, + "column_min": 156, + "id": 23, + "width": 9, + "class": "Compo", + "column_max": 165, + "row_min": 128 + }, + { + "height": 10, + "row_max": 140, + "column_min": 170, + "id": 24, + "width": 32, + "class": "Compo", + "column_max": 202, + "row_min": 130 + }, + { + "height": 66, + "row_max": 230, + "column_min": 21, + "id": 25, + "width": 67, + "class": "Compo", + "column_max": 88, + "row_min": 164 + }, + { + "height": 15, + "row_max": 193, + "column_min": 92, + "id": 26, + "width": 37, + "class": "Compo", + "column_max": 129, + "row_min": 178 + }, + { + "height": 15, + "row_max": 193, + "column_min": 130, + "id": 27, + "width": 27, + "class": "Compo", + "column_max": 157, + "row_min": 178 + }, + { + "height": 15, + "row_max": 193, + "column_min": 162, + "id": 28, + "width": 50, + "class": "Compo", + "column_max": 212, + "row_min": 178 + }, + { + "height": 14, + "row_max": 193, + "column_min": 216, + "id": 29, + "width": 13, + "class": "Compo", + "column_max": 229, + "row_min": 179 + }, + { + "height": 19, + "row_max": 197, + "column_min": 233, + "id": 30, + "width": 51, + "class": "Compo", + "column_max": 284, + "row_min": 178 + }, + { + "height": 15, + "row_max": 193, + "column_min": 286, + "id": 31, + "width": 40, + "class": "Compo", + "column_max": 326, + "row_min": 178 + }, + { + "height": 12, + "row_max": 217, + "column_min": 93, + "id": 32, + "width": 16, + "class": "Compo", + "column_max": 109, + "row_min": 205 + }, + { + "height": 12, + "row_max": 217, + "column_min": 156, + "id": 33, + "width": 9, + "class": "Compo", + "column_max": 165, + "row_min": 205 + }, + { + "height": 10, + "row_max": 217, + "column_min": 112, + "id": 34, + "width": 27, + "class": "Compo", + "column_max": 139, + "row_min": 207 + }, + { + "height": 10, + "row_max": 217, + "column_min": 170, + "id": 35, + "width": 32, + "class": "Compo", + "column_max": 202, + "row_min": 207 + }, + { + "height": 66, + "row_max": 307, + "column_min": 21, + "id": 36, + "width": 67, + "class": "Compo", + "column_max": 88, + "row_min": 241 + }, + { + "height": 16, + "row_max": 270, + "column_min": 92, + "id": 37, + "width": 35, + "class": "Compo", + "column_max": 127, + "row_min": 254 + }, + { + "height": 16, + "row_max": 270, + "column_min": 153, + "id": 38, + "width": 35, + "class": "Compo", + "column_max": 188, + "row_min": 254 + }, + { + "height": 15, + "row_max": 269, + "column_min": 229, + "id": 39, + "width": 17, + "class": "Compo", + "column_max": 246, + "row_min": 254 + }, + { + "height": 16, + "row_max": 270, + "column_min": 247, + "id": 40, + "width": 19, + "class": "Compo", + "column_max": 266, + "row_min": 254 + }, + { + "height": 13, + "row_max": 269, + "column_min": 130, + "id": 41, + "width": 9, + "class": "Compo", + "column_max": 139, + "row_min": 256 + }, + { + "height": 12, + "row_max": 270, + "column_min": 139, + "id": 42, + "width": 10, + "class": "Compo", + "column_max": 149, + "row_min": 258 + }, + { + "height": 14, + "row_max": 270, + "column_min": 190, + "id": 43, + "width": 36, + "class": "Compo", + "column_max": 226, + "row_min": 256 + }, + { + "height": 15, + "row_max": 297, + "column_min": 93, + "id": 44, + "width": 16, + "class": "Compo", + "column_max": 109, + "row_min": 282 + }, + { + "height": 9, + "row_max": 293, + "column_min": 111, + "id": 45, + "width": 25, + "class": "Compo", + "column_max": 136, + "row_min": 284 + }, + { + "height": 14, + "row_max": 296, + "column_min": 156, + "id": 46, + "width": 10, + "class": "Compo", + "column_max": 166, + "row_min": 282 + }, + { + "height": 9, + "row_max": 293, + "column_min": 170, + "id": 47, + "width": 31, + "class": "Compo", + "column_max": 201, + "row_min": 284 + }, + { + "height": 69, + "row_max": 387, + "column_min": 20, + "id": 48, + "width": 69, + "class": "Compo", + "column_max": 89, + "row_min": 318 + }, + { + "height": 18, + "row_max": 349, + "column_min": 92, + "id": 49, + "width": 74, + "class": "Compo", + "column_max": 166, + "row_min": 331 + }, + { + "height": 13, + "row_max": 347, + "column_min": 169, + "id": 50, + "width": 40, + "class": "Compo", + "column_max": 209, + "row_min": 334 + }, + { + "height": 13, + "row_max": 347, + "column_min": 210, + "id": 51, + "width": 39, + "class": "Compo", + "column_max": 249, + "row_min": 334 + }, + { + "height": 13, + "row_max": 347, + "column_min": 252, + "id": 52, + "width": 27, + "class": "Compo", + "column_max": 279, + "row_min": 334 + }, + { + "height": 13, + "row_max": 347, + "column_min": 283, + "id": 53, + "width": 19, + "class": "Compo", + "column_max": 302, + "row_min": 334 + }, + { + "height": 13, + "row_max": 347, + "column_min": 306, + "id": 54, + "width": 40, + "class": "Compo", + "column_max": 346, + "row_min": 334 + }, + { + "height": 16, + "row_max": 347, + "column_min": 349, + "id": 55, + "width": 42, + "class": "Compo", + "column_max": 391, + "row_min": 331 + }, + { + "height": 12, + "row_max": 372, + "column_min": 93, + "id": 56, + "width": 15, + "class": "Compo", + "column_max": 108, + "row_min": 360 + }, + { + "height": 13, + "row_max": 372, + "column_min": 150, + "id": 57, + "width": 12, + "class": "Compo", + "column_max": 162, + "row_min": 359 + }, + { + "height": 9, + "row_max": 370, + "column_min": 110, + "id": 58, + "width": 22, + "class": "Compo", + "column_max": 132, + "row_min": 361 + }, + { + "height": 9, + "row_max": 370, + "column_min": 165, + "id": 59, + "width": 25, + "class": "Compo", + "column_max": 190, + "row_min": 361 + }, + { + "height": 68, + "row_max": 462, + "column_min": 20, + "id": 60, + "width": 68, + "class": "Compo", + "column_max": 88, + "row_min": 394 + }, + { + "height": 13, + "row_max": 423, + "column_min": 93, + "id": 61, + "width": 36, + "class": "Compo", + "column_max": 129, + "row_min": 410 + }, + { + "height": 13, + "row_max": 423, + "column_min": 218, + "id": 62, + "width": 31, + "class": "Compo", + "column_max": 249, + "row_min": 410 + }, + { + "height": 12, + "row_max": 423, + "column_min": 130, + "id": 63, + "width": 38, + "class": "Compo", + "column_max": 168, + "row_min": 411 + }, + { + "height": 12, + "row_max": 423, + "column_min": 173, + "id": 64, + "width": 41, + "class": "Compo", + "column_max": 214, + "row_min": 411 + }, + { + "height": 12, + "row_max": 423, + "column_min": 253, + "id": 65, + "width": 26, + "class": "Compo", + "column_max": 279, + "row_min": 411 + }, + { + "height": 13, + "row_max": 450, + "column_min": 93, + "id": 66, + "width": 14, + "class": "Compo", + "column_max": 107, + "row_min": 437 + }, + { + "height": 9, + "row_max": 447, + "column_min": 110, + "id": 67, + "width": 21, + "class": "Compo", + "column_max": 131, + "row_min": 438 + }, + { + "height": 12, + "row_max": 449, + "column_min": 150, + "id": 68, + "width": 11, + "class": "Compo", + "column_max": 161, + "row_min": 437 + }, + { + "height": 9, + "row_max": 447, + "column_min": 164, + "id": 69, + "width": 27, + "class": "Compo", + "column_max": 191, + "row_min": 438 + }, + { + "height": 69, + "row_max": 540, + "column_min": 20, + "id": 70, + "width": 68, + "class": "Compo", + "column_max": 88, + "row_min": 471 + }, + { + "height": 13, + "row_max": 500, + "column_min": 92, + "id": 71, + "width": 27, + "class": "Compo", + "column_max": 119, + "row_min": 487 + }, + { + "height": 16, + "row_max": 503, + "column_min": 124, + "id": 72, + "width": 45, + "class": "Compo", + "column_max": 169, + "row_min": 487 + }, + { + "height": 13, + "row_max": 500, + "column_min": 173, + "id": 73, + "width": 36, + "class": "Compo", + "column_max": 209, + "row_min": 487 + }, + { + "height": 13, + "row_max": 500, + "column_min": 212, + "id": 74, + "width": 57, + "class": "Compo", + "column_max": 269, + "row_min": 487 + }, + { + "height": 13, + "row_max": 527, + "column_min": 93, + "id": 75, + "width": 15, + "class": "Compo", + "column_max": 108, + "row_min": 514 + }, + { + "height": 13, + "row_max": 527, + "column_min": 147, + "id": 76, + "width": 11, + "class": "Compo", + "column_max": 158, + "row_min": 514 + }, + { + "height": 11, + "row_max": 525, + "column_min": 162, + "id": 77, + "width": 32, + "class": "Compo", + "column_max": 194, + "row_min": 514 + }, + { + "height": 11, + "row_max": 527, + "column_min": 111, + "id": 78, + "width": 18, + "class": "Compo", + "column_max": 129, + "row_min": 516 + }, + { + "height": 67, + "row_max": 616, + "column_min": 20, + "id": 79, + "width": 68, + "class": "Compo", + "column_max": 88, + "row_min": 549 + }, + { + "height": 14, + "row_max": 577, + "column_min": 93, + "id": 80, + "width": 57, + "class": "Compo", + "column_max": 150, + "row_min": 563 + }, + { + "height": 14, + "row_max": 577, + "column_min": 153, + "id": 81, + "width": 35, + "class": "Compo", + "column_max": 188, + "row_min": 563 + }, + { + "height": 13, + "row_max": 577, + "column_min": 190, + "id": 82, + "width": 28, + "class": "Compo", + "column_max": 218, + "row_min": 564 + }, + { + "height": 14, + "row_max": 577, + "column_min": 222, + "id": 83, + "width": 50, + "class": "Compo", + "column_max": 272, + "row_min": 563 + }, + { + "height": 13, + "row_max": 577, + "column_min": 277, + "id": 84, + "width": 39, + "class": "Compo", + "column_max": 316, + "row_min": 564 + }, + { + "height": 12, + "row_max": 603, + "column_min": 93, + "id": 85, + "width": 14, + "class": "Compo", + "column_max": 107, + "row_min": 591 + }, + { + "height": 10, + "row_max": 603, + "column_min": 110, + "id": 86, + "width": 19, + "class": "Compo", + "column_max": 129, + "row_min": 593 + }, + { + "height": 12, + "row_max": 603, + "column_min": 147, + "id": 87, + "width": 11, + "class": "Compo", + "column_max": 158, + "row_min": 591 + }, + { + "height": 12, + "row_max": 603, + "column_min": 162, + "id": 88, + "width": 20, + "class": "Compo", + "column_max": 182, + "row_min": 591 + }, + { + "height": 67, + "row_max": 693, + "column_min": 20, + "id": 89, + "width": 68, + "class": "Compo", + "column_max": 88, + "row_min": 626 + }, + { + "height": 16, + "row_max": 657, + "column_min": 92, + "id": 90, + "width": 36, + "class": "Compo", + "column_max": 128, + "row_min": 641 + }, + { + "height": 17, + "row_max": 658, + "column_min": 130, + "id": 91, + "width": 34, + "class": "Compo", + "column_max": 164, + "row_min": 641 + }, + { + "height": 14, + "row_max": 655, + "column_min": 169, + "id": 92, + "width": 39, + "class": "Compo", + "column_max": 208, + "row_min": 641 + }, + { + "height": 14, + "row_max": 655, + "column_min": 210, + "id": 93, + "width": 39, + "class": "Compo", + "column_max": 249, + "row_min": 641 + }, + { + "height": 13, + "row_max": 654, + "column_min": 250, + "id": 94, + "width": 11, + "class": "Compo", + "column_max": 261, + "row_min": 641 + }, + { + "height": 11, + "row_max": 655, + "column_min": 261, + "id": 95, + "width": 18, + "class": "Compo", + "column_max": 279, + "row_min": 644 + }, + { + "height": 14, + "row_max": 656, + "column_min": 283, + "id": 96, + "width": 18, + "class": "Compo", + "column_max": 301, + "row_min": 642 + }, + { + "height": 16, + "row_max": 657, + "column_min": 306, + "id": 97, + "width": 40, + "class": "Compo", + "column_max": 346, + "row_min": 641 + }, + { + "height": 11, + "row_max": 680, + "column_min": 93, + "id": 98, + "width": 15, + "class": "Compo", + "column_max": 108, + "row_min": 669 + }, + { + "height": 12, + "row_max": 680, + "column_min": 150, + "id": 99, + "width": 11, + "class": "Compo", + "column_max": 161, + "row_min": 668 + }, + { + "height": 10, + "row_max": 680, + "column_min": 164, + "id": 100, + "width": 20, + "class": "Compo", + "column_max": 184, + "row_min": 670 + }, + { + "height": 10, + "row_max": 680, + "column_min": 120, + "id": 101, + "width": 11, + "class": "Compo", + "column_max": 131, + "row_min": 670 + }, + { + "height": 16, + "row_max": 720, + "column_min": 21, + "id": 102, + "width": 66, + "class": "Compo", + "column_max": 87, + "row_min": 704 + }, + { + "height": 23, + "row_max": 786, + "column_min": 88, + "id": 103, + "width": 20, + "class": "Compo", + "column_max": 108, + "row_min": 763 + }, + { + "height": 21, + "row_max": 784, + "column_min": 214, + "id": 104, + "width": 21, + "class": "Compo", + "column_max": 235, + "row_min": 763 + }, + { + "height": 20, + "row_max": 783, + "column_min": 341, + "id": 105, + "width": 20, + "class": "Compo", + "column_max": 361, + "row_min": 763 + } + ], + "img_shape": [ + 800, + 450, + 3 + ] +} \ No newline at end of file diff --git a/screencoder/UIED/data/output/merge/1565.jpg b/screencoder/UIED/data/output/merge/1565.jpg new file mode 100644 index 0000000000000000000000000000000000000000..051162439582a60ffbe318fc955a173d30106c06 --- /dev/null +++ b/screencoder/UIED/data/output/merge/1565.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07d888648dc3fdba25767c637f7e18c764d29d0275d9268c53d532ab63c0d8c4 +size 147747 diff --git a/screencoder/UIED/data/output/merge/1565.json b/screencoder/UIED/data/output/merge/1565.json new file mode 100644 index 0000000000000000000000000000000000000000..4ffa28e6623a01dc4298f065ca9a3eb01f78289d --- /dev/null +++ b/screencoder/UIED/data/output/merge/1565.json @@ -0,0 +1,436 @@ +{ + "compos": [ + { + "height": 21, + "width": 29, + "position": { + "column_min": 20, + "row_max": 44, + "column_max": 49, + "row_min": 23 + }, + "class": "Compo", + "id": 0 + }, + { + "height": 23, + "width": 24, + "position": { + "column_min": 398, + "row_max": 45, + "column_max": 422, + "row_min": 22 + }, + "class": "Compo", + "id": 1 + }, + { + "height": 22, + "width": 35, + "position": { + "column_min": 452, + "row_max": 45, + "column_max": 487, + "row_min": 23 + }, + "class": "Compo", + "id": 2 + }, + { + "height": 8, + "width": 14, + "position": { + "column_min": 346, + "row_max": 38, + "column_max": 360, + "row_min": 30 + }, + "class": "Compo", + "id": 3 + }, + { + "height": 215, + "width": 498, + "position": { + "column_min": 0, + "row_max": 282, + "column_max": 498, + "row_min": 67 + }, + "class": "Compo", + "id": 4 + }, + { + "height": 101, + "width": 100, + "position": { + "column_min": 17, + "row_max": 407, + "column_max": 117, + "row_min": 306 + }, + "class": "Compo", + "id": 5 + }, + { + "height": 21, + "width": 3, + "position": { + "column_min": 273, + "row_max": 385, + "column_max": 276, + "row_min": 364 + }, + "class": "Compo", + "id": 6 + }, + { + "height": 14, + "width": 10, + "position": { + "column_min": 281, + "row_max": 380, + "column_max": 291, + "row_min": 366 + }, + "class": "Compo", + "id": 7 + }, + { + "height": 103, + "width": 101, + "position": { + "column_min": 16, + "row_max": 547, + "column_max": 117, + "row_min": 444 + }, + "class": "Compo", + "id": 8 + }, + { + "height": 17, + "width": 4, + "position": { + "column_min": 236, + "row_max": 545, + "column_max": 240, + "row_min": 528 + }, + "class": "Compo", + "id": 9 + }, + { + "height": 19, + "width": 10, + "position": { + "column_min": 244, + "row_max": 545, + "column_max": 254, + "row_min": 526 + }, + "class": "Compo", + "id": 10 + }, + { + "height": 100, + "width": 101, + "position": { + "column_min": 16, + "row_max": 681, + "column_max": 117, + "row_min": 581 + }, + "class": "Compo", + "id": 11 + }, + { + "height": 18, + "width": 9, + "position": { + "column_min": 244, + "row_max": 657, + "column_max": 253, + "row_min": 639 + }, + "class": "Compo", + "id": 12 + }, + { + "height": 16, + "width": 4, + "position": { + "column_min": 235, + "row_max": 657, + "column_max": 239, + "row_min": 641 + }, + "class": "Compo", + "id": 13 + }, + { + "height": 80, + "width": 99, + "position": { + "column_min": 17, + "row_max": 799, + "column_max": 116, + "row_min": 719 + }, + "class": "Compo", + "id": 14 + }, + { + "position": { + "column_min": 96, + "row_max": 45, + "column_max": 124, + "row_min": 24 + }, + "class": "Text", + "text_content": "ALL", + "id": 15, + "width": 28, + "height": 21 + }, + { + "position": { + "column_min": 137, + "row_max": 329, + "column_max": 415, + "row_min": 304 + }, + "class": "Text", + "text_content": "Microsoft thinks people want", + "id": 16, + "width": 278, + "height": 25 + }, + { + "position": { + "column_min": 135, + "row_max": 357, + "column_max": 373, + "row_min": 328 + }, + "class": "Text", + "text_content": "ultra portable headaches", + "id": 17, + "width": 238, + "height": 29 + }, + { + "position": { + "column_min": 137, + "row_max": 382, + "column_max": 270, + "row_min": 363 + }, + "class": "Text", + "text_content": "Jerry Hildenbrand", + "id": 18, + "width": 133, + "height": 19 + }, + { + "position": { + "column_min": 297, + "row_max": 382, + "column_max": 435, + "row_min": 363 + }, + "class": "Text", + "text_content": "COMMENTS 57m", + "id": 19, + "width": 138, + "height": 19 + }, + { + "position": { + "column_min": 137, + "row_max": 470, + "column_max": 383, + "row_min": 443 + }, + "class": "Text", + "text_content": "My Disney Experience is a", + "id": 20, + "width": 246, + "height": 27 + }, + { + "position": { + "column_min": 136, + "row_max": 493, + "column_max": 415, + "row_min": 469 + }, + "class": "Text", + "text_content": "whole new experience in new", + "id": 21, + "width": 279, + "height": 24 + }, + { + "position": { + "column_min": 136, + "row_max": 518, + "column_max": 201, + "row_min": 494 + }, + "class": "Text", + "text_content": "update", + "id": 22, + "width": 65, + "height": 24 + }, + { + "position": { + "column_min": 136, + "row_max": 547, + "column_max": 231, + "row_min": 525 + }, + "class": "Text", + "text_content": "Ara Wagoner", + "id": 23, + "width": 95, + "height": 22 + }, + { + "position": { + "column_min": 259, + "row_max": 547, + "column_max": 383, + "row_min": 525 + }, + "class": "Text", + "text_content": "COMMENTS 3h", + "id": 24, + "width": 124, + "height": 22 + }, + { + "position": { + "column_min": 136, + "row_max": 605, + "column_max": 218, + "row_min": 578 + }, + "class": "Text", + "text_content": "The best", + "id": 25, + "width": 82, + "height": 27 + }, + { + "position": { + "column_min": 226, + "row_max": 630, + "column_max": 322, + "row_min": 579 + }, + "class": "Text", + "text_content": "games VR for Gear", + "id": 26, + "width": 96, + "height": 51 + }, + { + "position": { + "column_min": 329, + "row_max": 607, + "column_max": 370, + "row_min": 580 + }, + "class": "Text", + "text_content": "your", + "id": 27, + "width": 41, + "height": 27 + }, + { + "position": { + "column_min": 135, + "row_max": 632, + "column_max": 224, + "row_min": 605 + }, + "class": "Text", + "text_content": "Samsung", + "id": 28, + "width": 89, + "height": 27 + }, + { + "position": { + "column_min": 136, + "row_max": 660, + "column_max": 230, + "row_min": 637 + }, + "class": "Text", + "text_content": "Russell Holly", + "id": 29, + "width": 94, + "height": 23 + }, + { + "position": { + "column_min": 259, + "row_max": 660, + "column_max": 382, + "row_min": 637 + }, + "class": "Text", + "text_content": "COMMENTS 4h", + "id": 30, + "width": 123, + "height": 23 + }, + { + "position": { + "column_min": 137, + "row_max": 742, + "column_max": 421, + "row_min": 717 + }, + "class": "Text", + "text_content": "Here's how to get a little more", + "id": 31, + "width": 284, + "height": 25 + }, + { + "position": { + "column_min": 136, + "row_max": 768, + "column_max": 395, + "row_min": 743 + }, + "class": "Text", + "text_content": "Android Central in your life !", + "id": 32, + "width": 259, + "height": 25 + }, + { + "position": { + "column_min": 136, + "row_max": 796, + "column_max": 379, + "row_min": 776 + }, + "class": "Text", + "text_content": "Florence lon5 COMMENTS 5h", + "id": 33, + "width": 243, + "height": 20 + } + ], + "img_shape": [ + 800, + 499, + 3 + ] +} \ No newline at end of file diff --git a/screencoder/UIED/data/output/merge/497.jpg b/screencoder/UIED/data/output/merge/497.jpg new file mode 100644 index 0000000000000000000000000000000000000000..4f509bbcfd9c242af864beb37c8afa3ebcdff84a --- /dev/null +++ b/screencoder/UIED/data/output/merge/497.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:72729c523c1c8d4027ed2b563015e5a4cf6461a2ec1d2dbf6bb4843b9ed046a5 +size 119261 diff --git a/screencoder/UIED/data/output/merge/497.json b/screencoder/UIED/data/output/merge/497.json new file mode 100644 index 0000000000000000000000000000000000000000..199b3d9cbfec06524533c6dbc337a26c4cdd66af --- /dev/null +++ b/screencoder/UIED/data/output/merge/497.json @@ -0,0 +1,598 @@ +{ + "compos": [ + { + "height": 39, + "class": "Compo", + "width": 369, + "id": 0, + "position": { + "row_max": 73, + "column_max": 379, + "column_min": 10, + "row_min": 34 + } + }, + { + "height": 62, + "class": "Compo", + "width": 67, + "id": 1, + "position": { + "row_max": 153, + "column_max": 88, + "column_min": 21, + "row_min": 91 + } + }, + { + "height": 12, + "class": "Compo", + "width": 9, + "id": 2, + "position": { + "row_max": 140, + "column_max": 165, + "column_min": 156, + "row_min": 128 + } + }, + { + "height": 66, + "class": "Compo", + "width": 67, + "id": 3, + "position": { + "row_max": 230, + "column_max": 88, + "column_min": 21, + "row_min": 164 + } + }, + { + "height": 12, + "class": "Compo", + "width": 9, + "id": 4, + "position": { + "row_max": 217, + "column_max": 165, + "column_min": 156, + "row_min": 205 + } + }, + { + "height": 66, + "class": "Compo", + "width": 67, + "id": 5, + "position": { + "row_max": 307, + "column_max": 88, + "column_min": 21, + "row_min": 241 + } + }, + { + "height": 15, + "class": "Compo", + "width": 16, + "id": 6, + "position": { + "row_max": 297, + "column_max": 109, + "column_min": 93, + "row_min": 282 + } + }, + { + "height": 14, + "class": "Compo", + "width": 10, + "id": 7, + "position": { + "row_max": 296, + "column_max": 166, + "column_min": 156, + "row_min": 282 + } + }, + { + "height": 69, + "class": "Compo", + "width": 69, + "id": 8, + "position": { + "row_max": 387, + "column_max": 89, + "column_min": 20, + "row_min": 318 + } + }, + { + "height": 12, + "class": "Compo", + "width": 15, + "id": 9, + "position": { + "row_max": 372, + "column_max": 108, + "column_min": 93, + "row_min": 360 + } + }, + { + "height": 13, + "class": "Compo", + "width": 12, + "id": 10, + "position": { + "row_max": 372, + "column_max": 162, + "column_min": 150, + "row_min": 359 + } + }, + { + "height": 68, + "class": "Compo", + "width": 68, + "id": 11, + "position": { + "row_max": 462, + "column_max": 88, + "column_min": 20, + "row_min": 394 + } + }, + { + "height": 12, + "class": "Compo", + "width": 11, + "id": 12, + "position": { + "row_max": 449, + "column_max": 161, + "column_min": 150, + "row_min": 437 + } + }, + { + "height": 69, + "class": "Compo", + "width": 68, + "id": 13, + "position": { + "row_max": 540, + "column_max": 88, + "column_min": 20, + "row_min": 471 + } + }, + { + "height": 13, + "class": "Compo", + "width": 15, + "id": 14, + "position": { + "row_max": 527, + "column_max": 108, + "column_min": 93, + "row_min": 514 + } + }, + { + "height": 13, + "class": "Compo", + "width": 11, + "id": 15, + "position": { + "row_max": 527, + "column_max": 158, + "column_min": 147, + "row_min": 514 + } + }, + { + "height": 67, + "class": "Compo", + "width": 68, + "id": 16, + "position": { + "row_max": 616, + "column_max": 88, + "column_min": 20, + "row_min": 549 + } + }, + { + "height": 12, + "class": "Compo", + "width": 11, + "id": 17, + "position": { + "row_max": 603, + "column_max": 158, + "column_min": 147, + "row_min": 591 + } + }, + { + "height": 67, + "class": "Compo", + "width": 68, + "id": 18, + "position": { + "row_max": 693, + "column_max": 88, + "column_min": 20, + "row_min": 626 + } + }, + { + "height": 11, + "class": "Compo", + "width": 15, + "id": 19, + "position": { + "row_max": 680, + "column_max": 108, + "column_min": 93, + "row_min": 669 + } + }, + { + "height": 12, + "class": "Compo", + "width": 11, + "id": 20, + "position": { + "row_max": 680, + "column_max": 161, + "column_min": 150, + "row_min": 668 + } + }, + { + "height": 16, + "class": "Compo", + "width": 66, + "id": 21, + "position": { + "row_max": 720, + "column_max": 87, + "column_min": 21, + "row_min": 704 + } + }, + { + "height": 18, + "text_content": "X X Cancel", + "id": 22, + "class": "Text", + "width": 94, + "position": { + "row_max": 62, + "column_max": 437, + "column_min": 343, + "row_min": 44 + } + }, + { + "height": 15, + "text_content": "Stuff You Should Know", + "id": 23, + "class": "Text", + "width": 161, + "position": { + "row_max": 114, + "column_max": 255, + "column_min": 94, + "row_min": 99 + } + }, + { + "height": 13, + "text_content": "+ 26.7k", + "id": 24, + "class": "Text", + "width": 32, + "position": { + "row_max": 140, + "column_max": 136, + "column_min": 104, + "row_min": 127 + } + }, + { + "height": 12, + "text_content": "665.Ok", + "id": 25, + "class": "Text", + "width": 30, + "position": { + "row_max": 139, + "column_max": 201, + "column_min": 171, + "row_min": 127 + } + }, + { + "height": 19, + "text_content": "Stuff You Missed in History Class", + "id": 26, + "class": "Text", + "width": 229, + "position": { + "row_max": 195, + "column_max": 323, + "column_min": 94, + "row_min": 176 + } + }, + { + "height": 13, + "text_content": "& + 13.7k", + "id": 27, + "class": "Text", + "width": 42, + "position": { + "row_max": 217, + "column_max": 136, + "column_min": 94, + "row_min": 204 + } + }, + { + "height": 12, + "text_content": "274.Ok", + "id": 28, + "class": "Text", + "width": 30, + "position": { + "row_max": 216, + "column_max": 201, + "column_min": 171, + "row_min": 204 + } + }, + { + "height": 15, + "text_content": "Stuff To Blow Your Mind", + "id": 29, + "class": "Text", + "width": 170, + "position": { + "row_max": 269, + "column_max": 264, + "column_min": 94, + "row_min": 254 + } + }, + { + "height": 13, + "text_content": "+ 12.7k", + "id": 30, + "class": "Text", + "width": 31, + "position": { + "row_max": 294, + "column_max": 136, + "column_min": 105, + "row_min": 281 + } + }, + { + "height": 12, + "text_content": "190.4k", + "id": 31, + "class": "Text", + "width": 29, + "position": { + "row_max": 294, + "column_max": 201, + "column_min": 172, + "row_min": 282 + } + }, + { + "height": 19, + "text_content": "Stuff They Don't Want You To Know Audio", + "id": 32, + "class": "Text", + "width": 296, + "position": { + "row_max": 349, + "column_max": 390, + "column_min": 94, + "row_min": 330 + } + }, + { + "height": 12, + "text_content": "+ 3.4k", + "id": 33, + "class": "Text", + "width": 26, + "position": { + "row_max": 371, + "column_max": 130, + "column_min": 104, + "row_min": 359 + } + }, + { + "height": 12, + "text_content": "72.2k", + "id": 34, + "class": "Text", + "width": 25, + "position": { + "row_max": 371, + "column_max": 190, + "column_min": 165, + "row_min": 359 + } + }, + { + "height": 16, + "text_content": "Stuff Mom Never Told You", + "id": 35, + "class": "Text", + "width": 185, + "position": { + "row_max": 424, + "column_max": 279, + "column_min": 94, + "row_min": 408 + } + }, + { + "height": 12, + "text_content": "2+ 2.Ok", + "id": 36, + "class": "Text", + "width": 37, + "position": { + "row_max": 448, + "column_max": 130, + "column_min": 93, + "row_min": 436 + } + }, + { + "height": 12, + "text_content": "48.5k", + "id": 37, + "class": "Text", + "width": 25, + "position": { + "row_max": 448, + "column_max": 190, + "column_min": 165, + "row_min": 436 + } + }, + { + "height": 17, + "text_content": "The Purple Stuff Podcast", + "id": 38, + "class": "Text", + "width": 175, + "position": { + "row_max": 502, + "column_max": 267, + "column_min": 92, + "row_min": 485 + } + }, + { + "height": 13, + "text_content": "+ 949", + "id": 39, + "class": "Text", + "width": 23, + "position": { + "row_max": 526, + "column_max": 128, + "column_min": 105, + "row_min": 513 + } + }, + { + "height": 12, + "text_content": "625.3k", + "id": 40, + "class": "Text", + "width": 29, + "position": { + "row_max": 525, + "column_max": 192, + "column_min": 163, + "row_min": 513 + } + }, + { + "height": 14, + "text_content": "Catholic Stuff You Should Know", + "id": 41, + "class": "Text", + "width": 222, + "position": { + "row_max": 577, + "column_max": 316, + "column_min": 94, + "row_min": 563 + } + }, + { + "height": 12, + "text_content": "2+ 683", + "id": 42, + "class": "Text", + "width": 34, + "position": { + "row_max": 602, + "column_max": 128, + "column_min": 94, + "row_min": 590 + } + }, + { + "height": 12, + "text_content": "8.8k", + "id": 43, + "class": "Text", + "width": 18, + "position": { + "row_max": 602, + "column_max": 181, + "column_min": 163, + "row_min": 590 + } + }, + { + "height": 18, + "text_content": "Stuff They Don't Want You To Know", + "id": 44, + "class": "Text", + "width": 251, + "position": { + "row_max": 657, + "column_max": 345, + "column_min": 94, + "row_min": 639 + } + }, + { + "height": 12, + "text_content": "+ 1.1k", + "id": 45, + "class": "Text", + "width": 26, + "position": { + "row_max": 679, + "column_max": 130, + "column_min": 104, + "row_min": 667 + } + }, + { + "height": 12, + "text_content": "5.4k", + "id": 46, + "class": "Text", + "width": 18, + "position": { + "row_max": 679, + "column_max": 184, + "column_min": 166, + "row_min": 667 + } + } + ], + "img_shape": [ + 800, + 450, + 3 + ] +} \ No newline at end of file diff --git a/screencoder/UIED/data/output/ocr/1565.json b/screencoder/UIED/data/output/ocr/1565.json new file mode 100644 index 0000000000000000000000000000000000000000..be483c4d7d106e063128cb5f0ba09713a77833c8 --- /dev/null +++ b/screencoder/UIED/data/output/ocr/1565.json @@ -0,0 +1,239 @@ +{ + "img_shape": [ + 835, + 521, + 3 + ], + "texts": [ + { + "content": "ALL", + "column_min": 101, + "row_max": 48, + "height": 22, + "column_max": 130, + "width": 29, + "id": 0, + "row_min": 26 + }, + { + "content": "ASK AC", + "column_min": 19, + "row_max": 241, + "height": 20, + "column_max": 78, + "width": 59, + "id": 1, + "row_min": 221 + }, + { + "content": "Do really need", + "column_min": 19, + "row_max": 281, + "height": 36, + "column_max": 208, + "width": 189, + "id": 2, + "row_min": 245 + }, + { + "content": "a \u2022 mesh 00000", + "column_min": 218, + "row_max": 292, + "height": 47, + "column_max": 306, + "width": 88, + "id": 3, + "row_min": 245 + }, + { + "content": "network ?", + "column_min": 316, + "row_max": 280, + "height": 37, + "column_max": 429, + "width": 113, + "id": 4, + "row_min": 243 + }, + { + "content": "Microsoft thinks people want", + "column_min": 143, + "row_max": 344, + "height": 26, + "column_max": 434, + "width": 291, + "id": 5, + "row_min": 318 + }, + { + "content": "ultra portable headaches", + "column_min": 141, + "row_max": 373, + "height": 30, + "column_max": 390, + "width": 249, + "id": 6, + "row_min": 343 + }, + { + "content": "Jerry Hildenbrand", + "column_min": 144, + "row_max": 399, + "height": 20, + "column_max": 282, + "width": 138, + "id": 7, + "row_min": 379 + }, + { + "content": "COMMENTS 57m", + "column_min": 310, + "row_max": 399, + "height": 20, + "column_max": 455, + "width": 145, + "id": 8, + "row_min": 379 + }, + { + "content": "My Disney Experience is a", + "column_min": 143, + "row_max": 491, + "height": 28, + "column_max": 400, + "width": 257, + "id": 9, + "row_min": 463 + }, + { + "content": "whole new experience in new", + "column_min": 142, + "row_max": 515, + "height": 25, + "column_max": 434, + "width": 292, + "id": 10, + "row_min": 490 + }, + { + "content": "update", + "column_min": 142, + "row_max": 541, + "height": 25, + "column_max": 210, + "width": 68, + "id": 11, + "row_min": 516 + }, + { + "content": "Ara Wagoner", + "column_min": 142, + "row_max": 571, + "height": 23, + "column_max": 242, + "width": 100, + "id": 12, + "row_min": 548 + }, + { + "content": "COMMENTS 3h", + "column_min": 271, + "row_max": 571, + "height": 23, + "column_max": 400, + "width": 129, + "id": 13, + "row_min": 548 + }, + { + "content": "The best", + "column_min": 142, + "row_max": 632, + "height": 28, + "column_max": 228, + "width": 86, + "id": 14, + "row_min": 604 + }, + { + "content": "games VR for Gear", + "column_min": 236, + "row_max": 658, + "height": 53, + "column_max": 337, + "width": 101, + "id": 15, + "row_min": 605 + }, + { + "content": "your", + "column_min": 344, + "row_max": 634, + "height": 28, + "column_max": 387, + "width": 43, + "id": 16, + "row_min": 606 + }, + { + "content": "Samsung", + "column_min": 141, + "row_max": 660, + "height": 28, + "column_max": 234, + "width": 93, + "id": 17, + "row_min": 632 + }, + { + "content": "Russell Holly", + "column_min": 142, + "row_max": 689, + "height": 24, + "column_max": 241, + "width": 99, + "id": 18, + "row_min": 665 + }, + { + "content": "COMMENTS 4h", + "column_min": 271, + "row_max": 689, + "height": 24, + "column_max": 399, + "width": 128, + "id": 19, + "row_min": 665 + }, + { + "content": "Here's how to get a little more", + "column_min": 143, + "row_max": 775, + "height": 26, + "column_max": 440, + "width": 297, + "id": 20, + "row_min": 749 + }, + { + "content": "Android Central in your life !", + "column_min": 142, + "row_max": 802, + "height": 26, + "column_max": 413, + "width": 271, + "id": 21, + "row_min": 776 + }, + { + "content": "Florence lon5 COMMENTS 5h", + "column_min": 142, + "row_max": 831, + "height": 21, + "column_max": 396, + "width": 254, + "id": 22, + "row_min": 810 + } + ] +} \ No newline at end of file diff --git a/screencoder/UIED/data/output/ocr/1565.png b/screencoder/UIED/data/output/ocr/1565.png new file mode 100644 index 0000000000000000000000000000000000000000..ba8fbd13d9d0ff22f54cdfaa2c7f4ecb91afc064 --- /dev/null +++ b/screencoder/UIED/data/output/ocr/1565.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a7a5f967814bb9e1730229204b3933626c2eae96c2eaa08759a9ad2f96470e6 +size 457009 diff --git a/screencoder/UIED/data/output/ocr/497.json b/screencoder/UIED/data/output/ocr/497.json new file mode 100644 index 0000000000000000000000000000000000000000..6079436289f77942878eed7483774317c6213a77 --- /dev/null +++ b/screencoder/UIED/data/output/ocr/497.json @@ -0,0 +1,489 @@ +{ + "texts": [ + { + "height": 12, + "row_max": 23, + "content": "FAK", + "id": 0, + "width": 31, + "column_max": 373, + "row_min": 11, + "column_min": 342 + }, + { + "height": 41, + "row_max": 51, + "content": "fo", + "id": 1, + "width": 96, + "column_max": 188, + "row_min": 10, + "column_min": 92 + }, + { + "height": 31, + "row_max": 47, + "content": "3:17", + "id": 2, + "width": 68, + "column_max": 1055, + "row_min": 16, + "column_min": 987 + }, + { + "height": 33, + "row_max": 143, + "content": "stuff", + "id": 3, + "width": 77, + "column_max": 249, + "row_min": 110, + "column_min": 172 + }, + { + "height": 45, + "row_max": 151, + "content": "X X Cancel", + "id": 4, + "width": 225, + "column_max": 1049, + "row_min": 106, + "column_min": 824 + }, + { + "height": 36, + "row_max": 275, + "content": "Stuff You Should Know", + "id": 5, + "width": 387, + "column_max": 613, + "row_min": 239, + "column_min": 226 + }, + { + "height": 18, + "row_max": 272, + "content": "STUFF", + "id": 6, + "width": 54, + "column_max": 119, + "row_min": 254, + "column_min": 65 + }, + { + "height": 17, + "row_max": 291, + "content": "YOU SHOULD", + "id": 7, + "width": 127, + "column_max": 193, + "row_min": 274, + "column_min": 66 + }, + { + "height": 18, + "row_max": 311, + "content": "KNOW", + "id": 8, + "width": 65, + "column_max": 132, + "row_min": 293, + "column_min": 67 + }, + { + "height": 30, + "row_max": 336, + "content": "+ 26.7k", + "id": 9, + "width": 77, + "column_max": 327, + "row_min": 306, + "column_min": 250 + }, + { + "height": 29, + "row_max": 335, + "content": "665.Ok", + "id": 10, + "width": 71, + "column_max": 483, + "row_min": 306, + "column_min": 412 + }, + { + "height": 16, + "row_max": 343, + "content": "PODCAST", + "id": 11, + "width": 80, + "column_max": 146, + "row_min": 327, + "column_min": 66 + }, + { + "height": 47, + "row_max": 470, + "content": "Stuff You Missed in History Class", + "id": 12, + "width": 550, + "column_max": 776, + "row_min": 423, + "column_min": 226 + }, + { + "height": 18, + "row_max": 482, + "content": "STUFF", + "id": 13, + "width": 32, + "column_max": 186, + "row_min": 464, + "column_min": 154 + }, + { + "height": 31, + "row_max": 522, + "content": "& + 13.7k", + "id": 14, + "width": 101, + "column_max": 328, + "row_min": 491, + "column_min": 227 + }, + { + "height": 29, + "row_max": 520, + "content": "274.Ok", + "id": 15, + "width": 71, + "column_max": 483, + "row_min": 491, + "column_min": 412 + }, + { + "height": 12, + "row_max": 520, + "content": "YOU MISSED IN", + "id": 16, + "width": 79, + "column_max": 141, + "row_min": 508, + "column_min": 62 + }, + { + "height": 20, + "row_max": 539, + "content": "HISTORY CLASS", + "id": 17, + "width": 143, + "column_max": 204, + "row_min": 519, + "column_min": 61 + }, + { + "height": 43, + "row_max": 654, + "content": "BLOW stuff YOUR to", + "id": 18, + "width": 79, + "column_max": 198, + "row_min": 611, + "column_min": 119 + }, + { + "height": 35, + "row_max": 646, + "content": "Stuff To Blow Your Mind", + "id": 19, + "width": 408, + "column_max": 634, + "row_min": 611, + "column_min": 226 + }, + { + "height": 32, + "row_max": 686, + "content": "MIND", + "id": 20, + "width": 98, + "column_max": 196, + "row_min": 654, + "column_min": 98 + }, + { + "height": 30, + "row_max": 706, + "content": "+ 12.7k", + "id": 21, + "width": 75, + "column_max": 327, + "row_min": 676, + "column_min": 252 + }, + { + "height": 29, + "row_max": 707, + "content": "190.4k", + "id": 22, + "width": 70, + "column_max": 483, + "row_min": 678, + "column_min": 413 + }, + { + "height": 68, + "row_max": 869, + "content": "AUDIO STUFF DON THEY WANT KNOW YOU TO", + "id": 23, + "width": 94, + "column_max": 187, + "row_min": 801, + "column_min": 93 + }, + { + "height": 44, + "row_max": 838, + "content": "Stuff They Don't Want You To Know Audio", + "id": 24, + "width": 711, + "column_max": 937, + "row_min": 794, + "column_min": 226 + }, + { + "height": 29, + "row_max": 891, + "content": "+ 3.4k", + "id": 25, + "width": 63, + "column_max": 313, + "row_min": 862, + "column_min": 250 + }, + { + "height": 29, + "row_max": 892, + "content": "72.2k", + "id": 26, + "width": 58, + "column_max": 456, + "row_min": 863, + "column_min": 398 + }, + { + "height": 13, + "row_max": 1003, + "content": "stuff mom", + "id": 27, + "width": 75, + "column_max": 157, + "row_min": 990, + "column_min": 82 + }, + { + "height": 55, + "row_max": 1056, + "content": "never told you", + "id": 28, + "width": 133, + "column_max": 198, + "row_min": 1001, + "column_min": 65 + }, + { + "height": 38, + "row_max": 1019, + "content": "Stuff Mom Never Told You", + "id": 29, + "width": 445, + "column_max": 671, + "row_min": 981, + "column_min": 226 + }, + { + "height": 18, + "row_max": 1072, + "content": "audio", + "id": 30, + "width": 44, + "column_max": 191, + "row_min": 1054, + "column_min": 147 + }, + { + "height": 29, + "row_max": 1076, + "content": "2+ 2.Ok", + "id": 31, + "width": 88, + "column_max": 313, + "row_min": 1047, + "column_min": 225 + }, + { + "height": 28, + "row_max": 1076, + "content": "48.5k", + "id": 32, + "width": 58, + "column_max": 456, + "row_min": 1048, + "column_min": 398 + }, + { + "height": 44, + "row_max": 1182, + "content": "PURPLE PODCAST STUFF", + "id": 33, + "width": 137, + "column_max": 204, + "row_min": 1138, + "column_min": 67 + }, + { + "height": 42, + "row_max": 1206, + "content": "The Purple Stuff Podcast", + "id": 34, + "width": 418, + "column_max": 641, + "row_min": 1164, + "column_min": 223 + }, + { + "height": 31, + "row_max": 1263, + "content": "+ 949", + "id": 35, + "width": 56, + "column_max": 308, + "row_min": 1232, + "column_min": 252 + }, + { + "height": 28, + "row_max": 1261, + "content": "625.3k", + "id": 36, + "width": 70, + "column_max": 463, + "row_min": 1233, + "column_min": 393 + }, + { + "height": 154, + "row_max": 1470, + "content": "CATHO . YOU SHOULO KNOW STUFF .", + "id": 37, + "width": 159, + "column_max": 206, + "row_min": 1316, + "column_min": 47 + }, + { + "height": 33, + "row_max": 1385, + "content": "Catholic Stuff You Should Know", + "id": 38, + "width": 533, + "column_max": 759, + "row_min": 1352, + "column_min": 226 + }, + { + "height": 28, + "row_max": 1446, + "content": "2+ 683", + "id": 39, + "width": 81, + "column_max": 308, + "row_min": 1418, + "column_min": 227 + }, + { + "height": 28, + "row_max": 1446, + "content": "8.8k", + "id": 40, + "width": 43, + "column_max": 436, + "row_min": 1418, + "column_min": 393 + }, + { + "height": 14, + "row_max": 1550, + "content": "STUFE", + "id": 41, + "width": 42, + "column_max": 152, + "row_min": 1536, + "column_min": 110 + }, + { + "height": 45, + "row_max": 1593, + "content": "THEY DONT WANT YOU TO KNOW", + "id": 42, + "width": 75, + "column_max": 166, + "row_min": 1548, + "column_min": 91 + }, + { + "height": 45, + "row_max": 1579, + "content": "Stuff They Don't Want You To Know", + "id": 43, + "width": 604, + "column_max": 830, + "row_min": 1534, + "column_min": 226 + }, + { + "height": 29, + "row_max": 1631, + "content": "+ 1.1k", + "id": 44, + "width": 63, + "column_max": 314, + "row_min": 1602, + "column_min": 251 + }, + { + "height": 28, + "row_max": 1631, + "content": "5.4k", + "id": 45, + "width": 43, + "column_max": 442, + "row_min": 1603, + "column_min": 399 + }, + { + "height": 22, + "row_max": 1660, + "content": "howstuffworks.com", + "id": 46, + "width": 143, + "column_max": 204, + "row_min": 1638, + "column_min": 61 + }, + { + "height": 16, + "row_max": 1724, + "content": "THE", + "id": 47, + "width": 38, + "column_max": 152, + "row_min": 1708, + "column_min": 114 + } + ], + "img_shape": [ + 1920, + 1080, + 3 + ] +} \ No newline at end of file diff --git a/screencoder/UIED/data/output/ocr/497.png b/screencoder/UIED/data/output/ocr/497.png new file mode 100644 index 0000000000000000000000000000000000000000..5137db6b727aef64e4a6d29943da4a6f77d86f8c --- /dev/null +++ b/screencoder/UIED/data/output/ocr/497.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bbca8437596c8095bad6d0d13756ae3e10c120d35fd7999279bbcc1c639517a +size 922569 diff --git a/screencoder/UIED/detect_compo/__pycache__/ip_region_proposal.cpython-312.pyc b/screencoder/UIED/detect_compo/__pycache__/ip_region_proposal.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a3d107f53ca6d7ec4bc8cfe55fd4df27fc5127c4 Binary files /dev/null and b/screencoder/UIED/detect_compo/__pycache__/ip_region_proposal.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/__pycache__/ip_region_proposal.cpython-35.pyc b/screencoder/UIED/detect_compo/__pycache__/ip_region_proposal.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..7cdd1bd1608ca047b8ecbd1c962a1ed9b9f415c3 Binary files /dev/null and b/screencoder/UIED/detect_compo/__pycache__/ip_region_proposal.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/deprecated/Block.py b/screencoder/UIED/detect_compo/deprecated/Block.py new file mode 100644 index 0000000000000000000000000000000000000000..c568a429945d02df9b03d7b1d6f783951eba5599 --- /dev/null +++ b/screencoder/UIED/detect_compo/deprecated/Block.py @@ -0,0 +1,56 @@ +import cv2 +from os.path import join as pjoin +import time +import numpy as np + +from detect_compo.lib_ip.Component import Component +from config.CONFIG_UIED import Config +C = Config() + + +class Block(Component): + def __init__(self, region, image_shape): + super().__init__(region, image_shape) + self.category = 'Block' + self.parent = None + self.children = [] + self.uicompo_ = None + self.top_or_botm = None + self.redundant = False + + def block_is_uicompo(self, image_shape, max_compo_scale): + ''' + Check the if the block is a ui component according to its relative size + ''' + row, column = image_shape[:2] + # print(height, height / row, max_compo_scale[0], height / row > max_compo_scale[0]) + # draw.draw_bounding_box(org, [corner], show=True) + # ignore atomic components + if self.bbox.height / row > max_compo_scale[0] or self.bbox.width / column > max_compo_scale[1]: + return False + return True + + def block_is_top_or_bottom_bar(self, image_shape, top_bottom_height): + ''' + Check if the block is top bar or bottom bar + ''' + height, width = image_shape[:2] + (column_min, row_min, column_max, row_max) = self.bbox.put_bbox() + if column_min < 5 and row_min < 5 and \ + width - column_max < 5 and row_max < height * top_bottom_height[0]: + self.uicompo_ = True + return True + if column_min < 5 and row_min > height * top_bottom_height[1] and \ + width - column_max < 5 and height - row_max < 5: + self.uicompo_ = True + return True + return False + + def block_erase_from_bin(self, binary, pad): + (column_min, row_min, column_max, row_max) = self.put_bbox() + column_min = max(column_min - pad, 0) + column_max = min(column_max + pad, binary.shape[1]) + row_min = max(row_min - pad, 0) + row_max = min(row_max + pad, binary.shape[0]) + cv2.rectangle(binary, (column_min, row_min), (column_max, row_max), (0), -1) + diff --git a/screencoder/UIED/detect_compo/deprecated/block_division.py b/screencoder/UIED/detect_compo/deprecated/block_division.py new file mode 100644 index 0000000000000000000000000000000000000000..a179f972780d6d932388b119be7d7478a7ed894c --- /dev/null +++ b/screencoder/UIED/detect_compo/deprecated/block_division.py @@ -0,0 +1,108 @@ +import cv2 +import numpy as np +from random import randint as rint +import time + +import detect_compo.lib_ip.ip_preprocessing as pre +import detect_compo.lib_ip.ip_detection as det +import detect_compo.lib_ip.ip_draw as draw +import detect_compo.lib_ip.ip_segment as seg +from detect_compo.lib_ip.Block import Block +from config.CONFIG_UIED import Config +C = Config() + + +def block_hierarchy(blocks): + for i in range(len(blocks) - 1): + for j in range(i + 1, len(blocks)): + relation = blocks[i].compo_relation(blocks[j]) + if relation == -1: + blocks[j].children.append(i) + if relation == 1: + blocks[i].children.append(j) + return + + +def block_bin_erase_all_blk(binary, blocks, pad=0, show=False): + ''' + erase the block parts from the binary map + :param binary: binary map of original image + :param blocks_corner: corners of detected layout block + :param show: show or not + :param pad: expand the bounding boxes of blocks + :return: binary map without block parts + ''' + + bin_org = binary.copy() + for block in blocks: + block.block_erase_from_bin(binary, pad) + if show: + cv2.imshow('before', bin_org) + cv2.imshow('after', binary) + cv2.waitKey() + + +def block_division(grey, org, grad_thresh, + show=False, write_path=None, + step_h=10, step_v=10, + line_thickness=C.THRESHOLD_LINE_THICKNESS, + min_rec_evenness=C.THRESHOLD_REC_MIN_EVENNESS, + max_dent_ratio=C.THRESHOLD_REC_MAX_DENT_RATIO, + min_block_height_ratio=C.THRESHOLD_BLOCK_MIN_HEIGHT): + ''' + :param grey: grey-scale of original image + :return: corners: list of [(top_left, bottom_right)] + -> top_left: (column_min, row_min) + -> bottom_right: (column_max, row_max) + ''' + blocks = [] + mask = np.zeros((grey.shape[0]+2, grey.shape[1]+2), dtype=np.uint8) + broad = np.zeros((grey.shape[0], grey.shape[1], 3), dtype=np.uint8) + broad_all = broad.copy() + + row, column = grey.shape[0], grey.shape[1] + for x in range(0, row, step_h): + for y in range(0, column, step_v): + if mask[x, y] == 0: + # region = flood_fill_bfs(grey, x, y, mask) + + # flood fill algorithm to get background (layout block) + mask_copy = mask.copy() + ff = cv2.floodFill(grey, mask, (y, x), None, grad_thresh, grad_thresh, cv2.FLOODFILL_MASK_ONLY) + # ignore small regions + if ff[0] < 500: continue + mask_copy = mask - mask_copy + region = np.reshape(cv2.findNonZero(mask_copy[1:-1, 1:-1]), (-1, 2)) + region = [(p[1], p[0]) for p in region] + + block = Block(region, grey.shape) + # draw.draw_region(region, broad_all) + # if block.height < 40 and block.width < 40: + # continue + if block.height < 30: + continue + + # print(block.area / (row * column)) + if block.area / (row * column) > 0.9: + continue + elif block.area / (row * column) > 0.7: + block.redundant = True + + # get the boundary of this region + # ignore lines + if block.compo_is_line(line_thickness): + continue + # ignore non-rectangle as blocks must be rectangular + if not block.compo_is_rectangle(min_rec_evenness, max_dent_ratio): + continue + # if block.height/row < min_block_height_ratio: + # continue + blocks.append(block) + # draw.draw_region(region, broad) + if show: + cv2.imshow('flood-fill all', broad_all) + cv2.imshow('block', broad) + cv2.waitKey() + if write_path is not None: + cv2.imwrite(write_path, broad) + return blocks diff --git a/screencoder/UIED/detect_compo/deprecated/ip_detection_utils.py b/screencoder/UIED/detect_compo/deprecated/ip_detection_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..099a0947ae4ce7768fc19f72d2e9a428d63b5184 --- /dev/null +++ b/screencoder/UIED/detect_compo/deprecated/ip_detection_utils.py @@ -0,0 +1,461 @@ +import numpy as np +import cv2 +from collections import Counter + +import lib_ip.ip_draw as draw +from config.CONFIG_UIED import Config +C = Config() + + +# detect object(connected region) +# def boundary_bfs_connected_area(img, x, y, mark): +# def neighbor(img, x, y, mark, stack): +# for i in range(x - 1, x + 2): +# if i < 0 or i >= img.shape[0]: continue +# for j in range(y - 1, y + 2): +# if j < 0 or j >= img.shape[1]: continue +# if img[i, j] == 255 and mark[i, j] == 0: +# stack.append([i, j]) +# mark[i, j] = 255 +# +# stack = [[x, y]] # points waiting for inspection +# area = [[x, y]] # points of this area +# mark[x, y] = 255 # drawing broad +# +# while len(stack) > 0: +# point = stack.pop() +# area.append(point) +# neighbor(img, point[0], point[1], mark, stack) +# return area + + +# def line_check_perpendicular(lines_h, lines_v, max_thickness): +# """ +# lines: [line_h, line_v] +# -> line_h: horizontal {'head':(column_min, row), 'end':(column_max, row), 'thickness':int) +# -> line_v: vertical {'head':(column, row_min), 'end':(column, row_max), 'thickness':int} +# """ +# is_per_h = np.full(len(lines_h), False) +# is_per_v = np.full(len(lines_v), False) +# for i in range(len(lines_h)): +# # save the intersection point of h +# lines_h[i]['inter_point'] = set() +# h = lines_h[i] +# +# for j in range(len(lines_v)): +# # save the intersection point of v +# if 'inter_point' not in lines_v[j]: lines_v[j]['inter_point'] = set() +# v = lines_v[j] +# +# # if h is perpendicular to v in head of v +# if abs(h['head'][1]-v['head'][1]) <= max_thickness: +# if abs(h['head'][0] - v['head'][0]) <= max_thickness: +# lines_h[i]['inter_point'].add('head') +# lines_v[j]['inter_point'].add('head') +# is_per_h[i] = True +# is_per_v[j] = True +# elif abs(h['end'][0] - v['head'][0]) <= max_thickness: +# lines_h[i]['inter_point'].add('end') +# lines_v[j]['inter_point'].add('head') +# is_per_h[i] = True +# is_per_v[j] = True +# +# # if h is perpendicular to v in end of v +# elif abs(h['head'][1]-v['end'][1]) <= max_thickness: +# if abs(h['head'][0] - v['head'][0]) <= max_thickness: +# lines_h[i]['inter_point'].add('head') +# lines_v[j]['inter_point'].add('end') +# is_per_h[i] = True +# is_per_v[j] = True +# elif abs(h['end'][0] - v['head'][0]) <= max_thickness: +# lines_h[i]['inter_point'].add('end') +# lines_v[j]['inter_point'].add('end') +# is_per_h[i] = True +# is_per_v[j] = True +# per_h = [] +# per_v = [] +# for i in range(len(is_per_h)): +# if is_per_h[i]: +# lines_h[i]['inter_point'] = list(lines_h[i]['inter_point']) +# per_h.append(lines_h[i]) +# for i in range(len(is_per_v)): +# if is_per_v[i]: +# lines_v[i]['inter_point'] = list(lines_v[i]['inter_point']) +# per_v.append(lines_v[i]) +# return per_h, per_v + + +# def line_shrink_corners(corner, lines_h, lines_v): +# """ +# shrink the corner according to lines: +# col_min_shrink: shrink right (increase) +# col_max_shrink: shrink left (decrease) +# row_min_shrink: shrink down (increase) +# row_max_shrink: shrink up (decrease) +# :param lines_h: horizontal {'head':(column_min, row), 'end':(column_max, row), 'thickness':int) +# :param lines_v: vertical {'head':(column, row_min), 'end':(column, row_max), 'thickness':int} +# :return: shrunken corner: (top_left, bottom_right) +# """ +# (col_min, row_min), (col_max, row_max) = corner +# col_min_shrink, row_min_shrink = col_min, row_min +# col_max_shrink, row_max_shrink = col_max, row_max +# valid_frame = False +# +# for h in lines_h: +# # ignore outer border +# if len(h['inter_point']) == 2: +# valid_frame = True +# continue +# # shrink right -> col_min move to end +# if h['inter_point'][0] == 'head': +# col_min_shrink = max(h['end'][0], col_min_shrink) +# # shrink left -> col_max move to head +# elif h['inter_point'][0] == 'end': +# col_max_shrink = min(h['head'][0], col_max_shrink) +# +# for v in lines_v: +# # ignore outer border +# if len(v['inter_point']) == 2: +# valid_frame = True +# continue +# # shrink down -> row_min move to end +# if v['inter_point'][0] == 'head': +# row_min_shrink = max(v['end'][1], row_min_shrink) +# # shrink up -> row_max move to head +# elif v['inter_point'][0] == 'end': +# row_max_shrink = min(v['head'][1], row_max_shrink) +# +# # return the shrunken corner if only there is line intersecting with two other lines +# if valid_frame: +# return (col_min_shrink, row_min_shrink), (col_max_shrink, row_max_shrink) +# return corner + + +# def line_cvt_relative_position(col_min, row_min, lines_h, lines_v): +# """ +# convert the relative position of lines in the entire image +# :param col_min: based column the img lines belong to +# :param row_min: based row the img lines belong to +# :param lines_h: horizontal {'head':(column_min, row), 'end':(column_max, row), 'thickness':int) +# :param lines_v: vertical {'head':(column, row_min), 'end':(column, row_max), 'thickness':int} +# :return: lines_h_cvt, lines_v_cvt +# """ +# for h in lines_h: +# h['head'][0] += col_min +# h['head'][1] += row_min +# h['end'][0] += col_min +# h['end'][1] += row_min +# for v in lines_v: +# v['head'][0] += col_min +# v['head'][1] += row_min +# v['end'][0] += col_min +# v['end'][1] += row_min +# +# return lines_h, lines_v + + +# check if an object is so slim +# @boundary: [border_up, border_bottom, border_left, border_right] +# -> up, bottom: (column_index, min/max row border) +# -> left, right: (row_index, min/max column border) detect range of each row +def clipping_by_line(boundary, boundary_rec, lines): + boundary = boundary.copy() + for orient in lines: + # horizontal + if orient == 'h': + # column range of sub area + r1, r2 = 0, 0 + for line in lines[orient]: + if line[0] == 0: + r1 = line[1] + continue + r2 = line[0] + b_top = [] + b_bottom = [] + for i in range(len(boundary[0])): + if r2 > boundary[0][i][0] >= r1: + b_top.append(boundary[0][i]) + for i in range(len(boundary[1])): + if r2 > boundary[1][i][0] >= r1: + b_bottom.append(boundary[1][i]) + + b_left = [x for x in boundary[2]] # (row_index, min column border) + for i in range(len(b_left)): + if b_left[i][1] < r1: + b_left[i][1] = r1 + b_right = [x for x in boundary[3]] # (row_index, max column border) + for i in range(len(b_right)): + if b_right[i][1] > r2: + b_right[i][1] = r2 + + boundary_rec.append([b_top, b_bottom, b_left, b_right]) + r1 = line[1] + + +# remove imgs that contain text +# def rm_text(org, corners, compo_class, +# max_text_height=C.THRESHOLD_TEXT_MAX_HEIGHT, max_text_width=C.THRESHOLD_TEXT_MAX_WIDTH, +# ocr_padding=C.OCR_PADDING, ocr_min_word_area=C.OCR_MIN_WORD_AREA, show=False): +# """ +# Remove area that full of text +# :param org: original image +# :param corners: [(top_left, bottom_right)] +# -> top_left: (column_min, row_min) +# -> bottom_right: (column_max, row_max) +# :param compo_class: classes of corners +# :param max_text_height: Too large to be text +# :param max_text_width: Too large to be text +# :param ocr_padding: Padding for clipping +# :param ocr_min_word_area: If too text area ratio is too large +# :param show: Show or not +# :return: corners without text objects +# """ +# new_corners = [] +# new_class = [] +# for i in range(len(corners)): +# corner = corners[i] +# (top_left, bottom_right) = corner +# (col_min, row_min) = top_left +# (col_max, row_max) = bottom_right +# height = row_max - row_min +# width = col_max - col_min +# # highly likely to be block or img if too large +# if height > max_text_height and width > max_text_width: +# new_corners.append(corner) +# new_class.append(compo_class[i]) +# else: +# row_min = row_min - ocr_padding if row_min - ocr_padding >= 0 else 0 +# row_max = row_max + ocr_padding if row_max + ocr_padding < org.shape[0] else org.shape[0] +# col_min = col_min - ocr_padding if col_min - ocr_padding >= 0 else 0 +# col_max = col_max + ocr_padding if col_max + ocr_padding < org.shape[1] else org.shape[1] +# # check if this area is text +# clip = org[row_min: row_max, col_min: col_max] +# if not ocr.is_text(clip, ocr_min_word_area, show=show): +# new_corners.append(corner) +# new_class.append(compo_class[i]) +# return new_corners, new_class + + +# def rm_img_in_compo(corners_img, corners_compo): +# """ +# Remove imgs in component +# """ +# corners_img_new = [] +# for img in corners_img: +# is_nested = False +# for compo in corners_compo: +# if util.corner_relation(img, compo) == -1: +# is_nested = True +# break +# if not is_nested: +# corners_img_new.append(img) +# return corners_img_new + + +# def block_or_compo(org, binary, corners, +# max_thickness=C.THRESHOLD_BLOCK_MAX_BORDER_THICKNESS, max_block_cross_points=C.THRESHOLD_BLOCK_MAX_CROSS_POINT, +# min_compo_w_h_ratio=C.THRESHOLD_UICOMPO_MIN_W_H_RATIO, max_compo_w_h_ratio=C.THRESHOLD_UICOMPO_MAX_W_H_RATIO, +# min_block_edge=C.THRESHOLD_BLOCK_MIN_EDGE_LENGTH): +# """ +# Check if the objects are img components or just block +# :param org: Original image +# :param binary: Binary image from pre-processing +# :param corners: [(top_left, bottom_right)] +# -> top_left: (column_min, row_min) +# -> bottom_right: (column_max, row_max) +# :param max_thickness: The max thickness of border of blocks +# :param max_block_cross_points: Ratio of point of interaction +# :return: corners of blocks and imgs +# """ +# blocks = [] +# imgs = [] +# compos = [] +# for corner in corners: +# (top_left, bottom_right) = corner +# (col_min, row_min) = top_left +# (col_max, row_max) = bottom_right +# height = row_max - row_min +# width = col_max - col_min +# +# block = False +# vacancy = [0, 0, 0, 0] +# for i in range(1, max_thickness): +# try: +# # top to bottom +# if vacancy[0] == 0 and (col_max - col_min - 2 * i) is not 0 and ( +# np.sum(binary[row_min + i, col_min + i: col_max - i]) / 255) / (col_max - col_min - 2 * i) <= max_block_cross_points: +# vacancy[0] = 1 +# # bottom to top +# if vacancy[1] == 0 and (col_max - col_min - 2 * i) is not 0 and ( +# np.sum(binary[row_max - i, col_min + i: col_max - i]) / 255) / (col_max - col_min - 2 * i) <= max_block_cross_points: +# vacancy[1] = 1 +# # left to right +# if vacancy[2] == 0 and (row_max - row_min - 2 * i) is not 0 and ( +# np.sum(binary[row_min + i: row_max - i, col_min + i]) / 255) / (row_max - row_min - 2 * i) <= max_block_cross_points: +# vacancy[2] = 1 +# # right to left +# if vacancy[3] == 0 and (row_max - row_min - 2 * i) is not 0 and ( +# np.sum(binary[row_min + i: row_max - i, col_max - i]) / 255) / (row_max - row_min - 2 * i) <= max_block_cross_points: +# vacancy[3] = 1 +# if np.sum(vacancy) == 4: +# block = True +# except: +# pass +# +# # too big to be UI components +# if block: +# if height > min_block_edge and width > min_block_edge: +# blocks.append(corner) +# else: +# if min_compo_w_h_ratio < width / height < max_compo_w_h_ratio: +# compos.append(corner) +# # filter out small objects +# else: +# if height > min_block_edge: +# imgs.append(corner) +# else: +# if min_compo_w_h_ratio < width / height < max_compo_w_h_ratio: +# compos.append(corner) +# return blocks, imgs, compos + + +# def compo_on_img(processing, org, binary, clf, +# compos_corner, compos_class): +# """ +# Detect potential UI components inner img; +# Only leave non-img +# """ +# pad = 2 +# for i in range(len(compos_corner)): +# if compos_class[i] != 'img': +# continue +# ((col_min, row_min), (col_max, row_max)) = compos_corner[i] +# col_min = max(col_min - pad, 0) +# col_max = min(col_max + pad, org.shape[1]) +# row_min = max(row_min - pad, 0) +# row_max = min(row_max + pad, org.shape[0]) +# area = (col_max - col_min) * (row_max - row_min) +# if area < 600: +# continue +# +# clip_org = org[row_min:row_max, col_min:col_max] +# clip_bin_inv = pre.reverse_binary(binary[row_min:row_max, col_min:col_max]) +# +# compos_boundary_new, compos_corner_new, compos_class_new = processing(clip_org, clip_bin_inv, clf) +# compos_corner_new = util.corner_cvt_relative_position(compos_corner_new, col_min, row_min) +# +# assert len(compos_corner_new) == len(compos_class_new) +# +# # only leave non-img elements +# for i in range(len(compos_corner_new)): +# ((col_min_new, row_min_new), (col_max_new, row_max_new)) = compos_corner_new[i] +# area_new = (col_max_new - col_min_new) * (row_max_new - row_min_new) +# if compos_class_new[i] != 'img' and area_new / area < 0.8: +# compos_corner.append(compos_corner_new[i]) +# compos_class.append(compos_class_new[i]) +# +# return compos_corner, compos_class + + +# def strip_img(corners_compo, compos_class, corners_img): +# """ +# Separate img from other compos +# :return: compos without img +# """ +# corners_compo_withuot_img = [] +# compo_class_withuot_img = [] +# for i in range(len(compos_class)): +# if compos_class[i] == 'img': +# corners_img.append(corners_compo[i]) +# else: +# corners_compo_withuot_img.append(corners_compo[i]) +# compo_class_withuot_img.append(compos_class[i]) +# return corners_compo_withuot_img, compo_class_withuot_img + + +# def merge_corner(corners, compos_class, min_selected_IoU=C.THRESHOLD_MIN_IOU, is_merge_nested_same=True): +# """ +# Calculate the Intersection over Overlap (IoU) and merge corners according to the value of IoU +# :param is_merge_nested_same: if true, merge the nested corners with same class whatever the IoU is +# :param corners: corners: [(top_left, bottom_right)] +# -> top_left: (column_min, row_min) +# -> bottom_right: (column_max, row_max) +# :return: new corners +# """ +# new_corners = [] +# new_class = [] +# for i in range(len(corners)): +# is_intersected = False +# for j in range(len(new_corners)): +# r = util.corner_relation_nms(corners[i], new_corners[j], min_selected_IoU) +# # r = util.corner_relation(corners[i], new_corners[j]) +# if is_merge_nested_same: +# if compos_class[i] == new_class[j]: +# # if corners[i] is in new_corners[j], ignore corners[i] +# if r == -1: +# is_intersected = True +# break +# # if new_corners[j] is in corners[i], replace new_corners[j] with corners[i] +# elif r == 1: +# is_intersected = True +# new_corners[j] = corners[i] +# +# # if above IoU threshold, and corners[i] is in new_corners[j], ignore corners[i] +# if r == -2: +# is_intersected = True +# break +# # if above IoU threshold, and new_corners[j] is in corners[i], replace new_corners[j] with corners[i] +# elif r == 2: +# is_intersected = True +# new_corners[j] = corners[i] +# new_class[j] = compos_class[i] +# +# # containing and too small +# elif r == -3: +# is_intersected = True +# break +# elif r == 3: +# is_intersected = True +# new_corners[j] = corners[i] +# +# # if [i] and [j] are overlapped but no containing relation, merge corners when same class +# elif r == 4: +# is_intersected = True +# if compos_class[i] == new_class[j]: +# new_corners[j] = util.corner_merge_two_corners(corners[i], new_corners[j]) +# +# if not is_intersected: +# new_corners.append(corners[i]) +# new_class.append(compos_class[i]) +# return new_corners, new_class + + +# def select_corner(corners, compos_class, class_name): +# """ +# Select corners in given compo type +# """ +# corners_wanted = [] +# for i in range(len(compos_class)): +# if compos_class[i] == class_name: +# corners_wanted.append(corners[i]) +# return corners_wanted + + +# def flood_fill_bfs(img, x_start, y_start, mark, grad_thresh): +# def neighbor(x, y): +# for i in range(x - 1, x + 2): +# if i < 0 or i >= img.shape[0]: continue +# for j in range(y - 1, y + 2): +# if j < 0 or j >= img.shape[1]: continue +# if mark[i, j] == 0 and abs(img[i, j] - img[x, y]) < grad_thresh: +# stack.append([i, j]) +# mark[i, j] = 255 +# +# stack = [[x_start, y_start]] # points waiting for inspection +# region = [[x_start, y_start]] # points of this connected region +# mark[x_start, y_start] = 255 # drawing broad +# while len(stack) > 0: +# point = stack.pop() +# region.append(point) +# neighbor(point[0], point[1]) +# return region \ No newline at end of file diff --git a/screencoder/UIED/detect_compo/deprecated/ip_segment.py b/screencoder/UIED/detect_compo/deprecated/ip_segment.py new file mode 100644 index 0000000000000000000000000000000000000000..a4c02cb1989e2939bb38eb692c2f4fb021a6ff16 --- /dev/null +++ b/screencoder/UIED/detect_compo/deprecated/ip_segment.py @@ -0,0 +1,123 @@ +import cv2 +import numpy as np +import shutil +import os +from os.path import join as pjoin + + +def segment_img(org, segment_size, output_path, overlap=100): + if not os.path.exists(output_path): + os.mkdir(output_path) + + height, width = np.shape(org)[0], np.shape(org)[1] + top = 0 + bottom = segment_size + segment_no = 0 + while top < height and bottom < height: + segment = org[top:bottom] + cv2.imwrite(os.path.join(output_path, str(segment_no) + '.png'), segment) + segment_no += 1 + top += segment_size - overlap + bottom = bottom + segment_size - overlap if bottom + segment_size - overlap <= height else height + + +def clipping(img, components, pad=0, show=False): + """ + :param adjust: shrink(negative) or expand(positive) the bounding box + :param img: original image + :param corners: ((column_min, row_min),(column_max, row_max)) + :return: list of clipping images + """ + clips = [] + for component in components: + clip = component.compo_clipping(img, pad=pad) + clips.append(clip) + if show: + cv2.imshow('clipping', clip) + cv2.waitKey() + return clips + + +def dissemble_clip_img_hollow(clip_root, org, compos): + if os.path.exists(clip_root): + shutil.rmtree(clip_root) + os.mkdir(clip_root) + cls_dirs = [] + + bkg = org.copy() + hollow_out = np.ones(bkg.shape[:2], dtype=np.uint8) * 255 + for compo in compos: + cls = compo.category + c_root = pjoin(clip_root, cls) + c_path = pjoin(c_root, str(compo.id) + '.jpg') + if cls not in cls_dirs: + os.mkdir(c_root) + cls_dirs.append(cls) + clip = compo.compo_clipping(org) + cv2.imwrite(c_path, clip) + + col_min, row_min, col_max, row_max = compo.put_bbox() + hollow_out[row_min: row_max, col_min: col_max] = 0 + + bkg = cv2.merge((bkg, hollow_out)) + cv2.imwrite(os.path.join(clip_root, 'bkg.png'), bkg) + + +def dissemble_clip_img_fill(clip_root, org, compos, flag='most'): + + def average_pix_around(pad=6, offset=3): + up = row_min - pad if row_min - pad >= 0 else 0 + left = col_min - pad if col_min - pad >= 0 else 0 + bottom = row_max + pad if row_max + pad < org.shape[0] - 1 else org.shape[0] - 1 + right = col_max + pad if col_max + pad < org.shape[1] - 1 else org.shape[1] - 1 + + average = [] + for i in range(3): + avg_up = np.average(org[up:row_min - offset, left:right, i]) + avg_bot = np.average(org[row_max + offset:bottom, left:right, i]) + avg_left = np.average(org[up:bottom, left:col_min - offset, i]) + avg_right = np.average(org[up:bottom, col_max + offset:right, i]) + average.append(int((avg_up + avg_bot + avg_left + avg_right)/4)) + return average + + def most_pix_around(pad=6, offset=2): + up = row_min - pad if row_min - pad >= 0 else 0 + left = col_min - pad if col_min - pad >= 0 else 0 + bottom = row_max + pad if row_max + pad < org.shape[0] - 1 else org.shape[0] - 1 + right = col_max + pad if col_max + pad < org.shape[1] - 1 else org.shape[1] - 1 + + most = [] + for i in range(3): + val = np.concatenate((org[up:row_min - offset, left:right, i].flatten(), + org[row_max + offset:bottom, left:right, i].flatten(), + org[up:bottom, left:col_min - offset, i].flatten(), + org[up:bottom, col_max + offset:right, i].flatten())) + # print(val) + # print(np.argmax(np.bincount(val))) + most.append(int(np.argmax(np.bincount(val)))) + return most + + if os.path.exists(clip_root): + shutil.rmtree(clip_root) + os.mkdir(clip_root) + cls_dirs = [] + + bkg = org.copy() + for compo in compos: + cls = compo.category + c_root = pjoin(clip_root, cls) + c_path = pjoin(c_root, str(compo.id) + '.jpg') + if cls not in cls_dirs: + os.mkdir(c_root) + cls_dirs.append(cls) + clip = compo.compo_clipping(org) + cv2.imwrite(c_path, clip) + + col_min, row_min, col_max, row_max = compo.put_bbox() + if flag == 'average': + color = average_pix_around() + elif flag == 'most': + color = most_pix_around() + cv2.rectangle(bkg, (col_min, row_min), (col_max, row_max), color, -1) + + cv2.imwrite(os.path.join(clip_root, 'bkg.png'), bkg) diff --git a/screencoder/UIED/detect_compo/deprecated/ocr_classify_text.py b/screencoder/UIED/detect_compo/deprecated/ocr_classify_text.py new file mode 100644 index 0000000000000000000000000000000000000000..ae9c63604ea88e7289168557069e80640092815f --- /dev/null +++ b/screencoder/UIED/detect_compo/deprecated/ocr_classify_text.py @@ -0,0 +1,113 @@ +import pytesseract as pyt +import cv2 + +import lib_ip.ip_draw as draw +from config.CONFIG_UIED import Config + +C = Config() + + +def is_text(img, min_word_area, show=False): + broad = img.copy() + area_word = 0 + area_total = img.shape[0] * img.shape[1] + + try: + # ocr text detection + data = pyt.image_to_data(img).split('\n') + except: + print(img.shape) + return -1 + word = [] + for d in data[1:]: + d = d.split() + if d[-1] != '-1': + if d[-1] != '-' and d[-1] != '—' and int(d[-3]) < 50 and int(d[-4]) < 100: + word.append(d) + t_l = (int(d[-6]), int(d[-5])) + b_r = (int(d[-6]) + int(d[-4]), int(d[-5]) + int(d[-3])) + area_word += int(d[-4]) * int(d[-3]) + cv2.rectangle(broad, t_l, b_r, (0,0,255), 1) + + if show: + for d in word: print(d) + print(area_word/area_total) + cv2.imshow('a', broad) + cv2.waitKey(0) + cv2.destroyAllWindows() + # no text in this clip or relatively small text area + if len(word) == 0 or area_word/area_total < min_word_area: + return False + return True + + +def text_detection(org, img_clean): + try: + data = pyt.image_to_data(img_clean).split('\n') + except: + return org, None + corners_word = [] + for d in data[1:]: + d = d.split() + if d[-1] != '-1': + if d[-1] != '-' and d[-1] != '—' and 5 < int(d[-3]) < 40 and 5 < int(d[-4]) < 100: + t_l = (int(d[-6]), int(d[-5])) + b_r = (int(d[-6]) + int(d[-4]), int(d[-5]) + int(d[-3])) + corners_word.append((t_l, b_r)) + return corners_word + + +# def text_merge_word_into_line(org, corners_word, max_words_gap=C.THRESHOLD_TEXT_MAX_WORD_GAP): +# +# def is_in_line(word): +# for i in range(len(lines)): +# line = lines[i] +# # at the same row +# if abs(line['center'][1] - word['center'][1]) < max_words_gap: +# # small gap between words +# if (abs(line['center'][0] - word['center'][0]) - abs(line['width']/2 + word['width']/2)) < max_words_gap: +# return i +# return -1 +# +# def merge_line(word, index): +# line = lines[index] +# # on the left +# if word['center'][0] < line['center'][0]: +# line['col_min'] = word['col_min'] +# # on the right +# else: +# line['col_max'] = word['col_max'] +# line['row_min'] = min(line['row_min'], word['row_min']) +# line['row_max'] = max(line['row_max'], word['row_max']) +# line['width'] = line['col_max'] - line['col_min'] +# line['height'] = line['row_max'] - line['row_min'] +# line['center'] = ((line['col_max'] + line['col_min'])/2, (line['row_max'] + line['row_min'])/2) +# +# words = [] +# for corner in corners_word: +# word = {} +# (top_left, bottom_right) = corner +# (col_min, row_min) = top_left +# (col_max, row_max) = bottom_right +# word['col_min'], word['col_max'], word['row_min'], word['row_max'] = col_min, col_max, row_min, row_max +# word['height'] = row_max - row_min +# word['width'] = col_max - col_min +# word['center'] = ((col_max + col_min)/2, (row_max + row_min)/2) +# words.append(word) +# +# lines = [] +# for word in words: +# line_index = is_in_line(word) +# # word is in current line +# if line_index != -1: +# merge_line(word, line_index) +# # word is not in current line +# else: +# # this single word as a new line +# lines.append(word) +# +# corners_line = [] +# for l in lines: +# corners_line.append(((l['col_min'], l['row_min']), (l['col_max'], l['row_max']))) +# return corners_line + diff --git a/screencoder/UIED/detect_compo/ip_region_proposal.py b/screencoder/UIED/detect_compo/ip_region_proposal.py new file mode 100644 index 0000000000000000000000000000000000000000..64a952efb52b1dd078b1ade3d4bbdd8a972719a0 --- /dev/null +++ b/screencoder/UIED/detect_compo/ip_region_proposal.py @@ -0,0 +1,92 @@ +import cv2 +from os.path import join as pjoin +import time +import json +import numpy as np + +import detect_compo.lib_ip.ip_preprocessing as pre +import detect_compo.lib_ip.ip_draw as draw +import detect_compo.lib_ip.ip_detection as det +import detect_compo.lib_ip.file_utils as file +import detect_compo.lib_ip.Component as Compo +from config.CONFIG_UIED import Config +C = Config() + + +def nesting_inspection(org, grey, compos, ffl_block): + ''' + Inspect all big compos through block division by flood-fill + :param ffl_block: gradient threshold for flood-fill + :return: nesting compos + ''' + nesting_compos = [] + for i, compo in enumerate(compos): + if compo.height > 50: + replace = False + clip_grey = compo.compo_clipping(grey) + n_compos = det.nested_components_detection(clip_grey, org, grad_thresh=ffl_block, show=False) + Compo.cvt_compos_relative_pos(n_compos, compo.bbox.col_min, compo.bbox.row_min) + + for n_compo in n_compos: + if n_compo.redundant: + compos[i] = n_compo + replace = True + break + if not replace: + nesting_compos += n_compos + return nesting_compos + + +def compo_detection(input_img_path, output_root, uied_params, + resize_by_height=800, classifier=None, show=False, wai_key=0): + + start = time.perf_counter() + name = input_img_path.split('/')[-1][:-4] if '/' in input_img_path else input_img_path.split('\\')[-1][:-4] + ip_root = file.build_directory(pjoin(output_root, "ip")) + + # *** Step 1 *** pre-processing: read img -> get binary map + org, grey = pre.read_img(input_img_path, resize_by_height) + binary = pre.binarization(org, grad_min=int(uied_params['min-grad'])) + + # *** Step 2 *** element detection + det.rm_line(binary, show=show, wait_key=wai_key) + uicompos = det.component_detection(binary, min_obj_area=int(uied_params['min-ele-area'])) + + # *** Step 3 *** results refinement + uicompos = det.compo_filter(uicompos, min_area=int(uied_params['min-ele-area']), img_shape=binary.shape) + uicompos = det.merge_intersected_compos(uicompos) + det.compo_block_recognition(binary, uicompos) + if uied_params['merge-contained-ele']: + uicompos = det.rm_contained_compos_not_in_block(uicompos) + Compo.compos_update(uicompos, org.shape) + Compo.compos_containment(uicompos) + + # *** Step 4 ** nesting inspection: check if big compos have nesting element + uicompos += nesting_inspection(org, grey, uicompos, ffl_block=uied_params['ffl-block']) + Compo.compos_update(uicompos, org.shape) + draw.draw_bounding_box(org, uicompos, show=show, name='merged compo', write_path=pjoin(ip_root, name + '.jpg'), wait_key=wai_key) + + # *** Step 5 *** image inspection: recognize image -> remove noise in image -> binarize with larger threshold and reverse -> rectangular compo detection + # if classifier is not None: + # classifier['Image'].predict(seg.clipping(org, uicompos), uicompos) + # draw.draw_bounding_box_class(org, uicompos, show=show) + # uicompos = det.rm_noise_in_large_img(uicompos, org) + # draw.draw_bounding_box_class(org, uicompos, show=show) + # det.detect_compos_in_img(uicompos, binary_org, org) + # draw.draw_bounding_box(org, uicompos, show=show) + # if classifier is not None: + # classifier['Noise'].predict(seg.clipping(org, uicompos), uicompos) + # draw.draw_bounding_box_class(org, uicompos, show=show) + # uicompos = det.rm_noise_compos(uicompos) + + # *** Step 6 *** element classification: all category classification + # if classifier is not None: + # classifier['Elements'].predict([compo.compo_clipping(org) for compo in uicompos], uicompos) + # draw.draw_bounding_box_class(org, uicompos, show=show, name='cls', write_path=pjoin(ip_root, 'result.jpg')) + # draw.draw_bounding_box_class(org, uicompos, write_path=pjoin(output_root, 'result.jpg')) + + # *** Step 7 *** save detection result + Compo.compos_update(uicompos, org.shape) + file.save_corners_json(pjoin(ip_root, name + '.json'), uicompos) + print("[Compo Detection Completed in %.3f s] Input: %s Output: %s" % (time.perf_counter() - start, input_img_path, pjoin(ip_root, name + '.json'))) + return uicompos diff --git a/screencoder/UIED/detect_compo/lib_ip/Bbox.py b/screencoder/UIED/detect_compo/lib_ip/Bbox.py new file mode 100644 index 0000000000000000000000000000000000000000..ef2d121d8ae8bc74048d9df55f0aac1aba8db84a --- /dev/null +++ b/screencoder/UIED/detect_compo/lib_ip/Bbox.py @@ -0,0 +1,122 @@ +import numpy as np +import detect_compo.lib_ip.ip_draw as draw + + +class Bbox: + def __init__(self, col_min, row_min, col_max, row_max): + self.col_min = col_min + self.row_min = row_min + self.col_max = col_max + self.row_max = row_max + + self.width = col_max - col_min + self.height = row_max - row_min + self.box_area = self.width * self.height + + def put_bbox(self): + return self.col_min, self.row_min, self.col_max, self.row_max + + def bbox_cal_area(self): + self.box_area = self.width * self.height + return self.box_area + + def bbox_relation(self, bbox_b): + """ + :return: -1 : a in b + 0 : a, b are not intersected + 1 : b in a + 2 : a, b are identical or intersected + """ + col_min_a, row_min_a, col_max_a, row_max_a = self.put_bbox() + col_min_b, row_min_b, col_max_b, row_max_b = bbox_b.put_bbox() + + # if a is in b + if col_min_a > col_min_b and row_min_a > row_min_b and col_max_a < col_max_b and row_max_a < row_max_b: + return -1 + # if b is in a + elif col_min_a < col_min_b and row_min_a < row_min_b and col_max_a > col_max_b and row_max_a > row_max_b: + return 1 + # a and b are non-intersect + elif (col_min_a > col_max_b or row_min_a > row_max_b) or (col_min_b > col_max_a or row_min_b > row_max_a): + return 0 + # intersection + else: + return 2 + + def bbox_relation_nms(self, bbox_b, bias=(0, 0)): + ''' + Calculate the relation between two rectangles by nms + :return: -1 : a in b + 0 : a, b are not intersected + 1 : b in a + 2 : a, b are intersected + ''' + col_min_a, row_min_a, col_max_a, row_max_a = self.put_bbox() + col_min_b, row_min_b, col_max_b, row_max_b = bbox_b.put_bbox() + + bias_col, bias_row = bias + # get the intersected area + col_min_s = max(col_min_a - bias_col, col_min_b - bias_col) + row_min_s = max(row_min_a - bias_row, row_min_b - bias_row) + col_max_s = min(col_max_a + bias_col, col_max_b + bias_col) + row_max_s = min(row_max_a + bias_row, row_max_b + bias_row) + w = np.maximum(0, col_max_s - col_min_s) + h = np.maximum(0, row_max_s - row_min_s) + inter = w * h + area_a = (col_max_a - col_min_a) * (row_max_a - row_min_a) + area_b = (col_max_b - col_min_b) * (row_max_b - row_min_b) + iou = inter / (area_a + area_b - inter) + ioa = inter / self.box_area + iob = inter / bbox_b.box_area + + if iou == 0 and ioa == 0 and iob == 0: + return 0 + + # import lib_ip.ip_preprocessing as pre + # org_iou, _ = pre.read_img('uied/data/input/7.jpg', 800) + # print(iou, ioa, iob) + # board = draw.draw_bounding_box(org_iou, [self], color=(255,0,0)) + # draw.draw_bounding_box(board, [bbox_b], color=(0,255,0), show=True) + + # contained by b + if ioa >= 1: + return -1 + # contains b + if iob >= 1: + return 1 + # not intersected with each other + # intersected + if iou >= 0.02 or iob > 0.2 or ioa > 0.2: + return 2 + # if iou == 0: + # print('ioa:%.5f; iob:%.5f; iou:%.5f' % (ioa, iob, iou)) + return 0 + + def bbox_cvt_relative_position(self, col_min_base, row_min_base): + ''' + Convert to relative position based on base coordinator + ''' + self.col_min += col_min_base + self.col_max += col_min_base + self.row_min += row_min_base + self.row_max += row_min_base + + def bbox_merge(self, bbox_b): + ''' + Merge two intersected bboxes + ''' + col_min_a, row_min_a, col_max_a, row_max_a = self.put_bbox() + col_min_b, row_min_b, col_max_b, row_max_b = bbox_b.put_bbox() + col_min = min(col_min_a, col_min_b) + col_max = max(col_max_a, col_max_b) + row_min = min(row_min_a, row_min_b) + row_max = max(row_max_a, row_max_b) + new_bbox = Bbox(col_min, row_min, col_max, row_max) + return new_bbox + + def bbox_padding(self, image_shape, pad): + row, col = image_shape[:2] + self.col_min = max(self.col_min - pad, 0) + self.col_max = min(self.col_max + pad, col) + self.row_min = max(self.row_min - pad, 0) + self.row_max = min(self.row_max + pad, row) \ No newline at end of file diff --git a/screencoder/UIED/detect_compo/lib_ip/Component.py b/screencoder/UIED/detect_compo/lib_ip/Component.py new file mode 100644 index 0000000000000000000000000000000000000000..c783503534cb22ba760340bb08703c02057ad2b9 --- /dev/null +++ b/screencoder/UIED/detect_compo/lib_ip/Component.py @@ -0,0 +1,238 @@ +from detect_compo.lib_ip.Bbox import Bbox +import detect_compo.lib_ip.ip_draw as draw + +import cv2 + + +def cvt_compos_relative_pos(compos, col_min_base, row_min_base): + for compo in compos: + compo.compo_relative_position(col_min_base, row_min_base) + + +def compos_containment(compos): + for i in range(len(compos) - 1): + for j in range(i + 1, len(compos)): + relation = compos[i].compo_relation(compos[j]) + if relation == -1: + compos[j].contain.append(i) + if relation == 1: + compos[i].contain.append(j) + + +def compos_update(compos, org_shape): + for i, compo in enumerate(compos): + # start from 1, id 0 is background + compo.compo_update(i + 1, org_shape) + + +class Component: + def __init__(self, region, image_shape): + self.id = None + self.region = region + self.boundary = self.compo_get_boundary() + self.bbox = self.compo_get_bbox() + self.bbox_area = self.bbox.box_area + + self.region_area = len(region) + self.width = len(self.boundary[0]) + self.height = len(self.boundary[2]) + self.image_shape = image_shape + self.area = self.width * self.height + + self.category = 'Compo' + self.contain = [] + + self.rect_ = None + self.line_ = None + self.redundant = False + + def compo_update(self, id, org_shape): + self.id = id + self.image_shape = org_shape + self.width = self.bbox.width + self.height = self.bbox.height + self.bbox_area = self.bbox.box_area + self.area = self.width * self.height + + def put_bbox(self): + return self.bbox.put_bbox() + + def compo_update_bbox_area(self): + self.bbox_area = self.bbox.bbox_cal_area() + + def compo_get_boundary(self): + ''' + get the bounding boundary of an object(region) + boundary: [top, bottom, left, right] + -> up, bottom: (column_index, min/max row border) + -> left, right: (row_index, min/max column border) detect range of each row + ''' + border_up, border_bottom, border_left, border_right = {}, {}, {}, {} + for point in self.region: + # point: (row_index, column_index) + # up, bottom: (column_index, min/max row border) detect range of each column + if point[1] not in border_up or border_up[point[1]] > point[0]: + border_up[point[1]] = point[0] + if point[1] not in border_bottom or border_bottom[point[1]] < point[0]: + border_bottom[point[1]] = point[0] + # left, right: (row_index, min/max column border) detect range of each row + if point[0] not in border_left or border_left[point[0]] > point[1]: + border_left[point[0]] = point[1] + if point[0] not in border_right or border_right[point[0]] < point[1]: + border_right[point[0]] = point[1] + + boundary = [border_up, border_bottom, border_left, border_right] + # descending sort + for i in range(len(boundary)): + boundary[i] = [[k, boundary[i][k]] for k in boundary[i].keys()] + boundary[i] = sorted(boundary[i], key=lambda x: x[0]) + return boundary + + def compo_get_bbox(self): + """ + Get the top left and bottom right points of boundary + :param boundaries: boundary: [top, bottom, left, right] + -> up, bottom: (column_index, min/max row border) + -> left, right: (row_index, min/max column border) detect range of each row + :return: corners: [(top_left, bottom_right)] + -> top_left: (column_min, row_min) + -> bottom_right: (column_max, row_max) + """ + col_min, row_min = (int(min(self.boundary[0][0][0], self.boundary[1][-1][0])), int(min(self.boundary[2][0][0], self.boundary[3][-1][0]))) + col_max, row_max = (int(max(self.boundary[0][0][0], self.boundary[1][-1][0])), int(max(self.boundary[2][0][0], self.boundary[3][-1][0]))) + bbox = Bbox(col_min, row_min, col_max, row_max) + return bbox + + def compo_is_rectangle(self, min_rec_evenness, max_dent_ratio, test=False): + ''' + detect if an object is rectangle by evenness and dent of each border + ''' + dent_direction = [1, -1, 1, -1] # direction for convex + + flat = 0 + parameter = 0 + for n, border in enumerate(self.boundary): + parameter += len(border) + # dent detection + pit = 0 # length of pit + depth = 0 # the degree of surface changing + if n <= 1: + adj_side = max(len(self.boundary[2]), len(self.boundary[3])) # get maximum length of adjacent side + else: + adj_side = max(len(self.boundary[0]), len(self.boundary[1])) + + # -> up, bottom: (column_index, min/max row border) + # -> left, right: (row_index, min/max column border) detect range of each row + abnm = 0 + for i in range(int(3 + len(border) * 0.02), len(border) - 1): + # calculate gradient + difference = border[i][1] - border[i + 1][1] + # the degree of surface changing + depth += difference + # ignore noise at the start of each direction + if i / len(border) < 0.08 and (dent_direction[n] * difference) / adj_side > 0.5: + depth = 0 # reset + + # print(border[i][1], i / len(border), depth, (dent_direction[n] * difference) / adj_side) + # if the change of the surface is too large, count it as part of abnormal change + if abs(depth) / adj_side > 0.3: + abnm += 1 # count the size of the abnm + # if the abnm is too big, the shape should not be a rectangle + if abnm / len(border) > 0.1: + if test: + print('abnms', abnm, abnm / len(border)) + draw.draw_boundary([self], self.image_shape, show=True) + self.rect_ = False + return False + continue + else: + # reset the abnm if the depth back to normal + abnm = 0 + + # if sunken and the surface changing is large, then counted as pit + if dent_direction[n] * depth < 0 and abs(depth) / adj_side > 0.15: + pit += 1 + continue + + # if the surface is not changing to a pit and the gradient is zero, then count it as flat + if abs(depth) < 1 + adj_side * 0.015: + flat += 1 + if test: + print(depth, adj_side, flat) + # if the pit is too big, the shape should not be a rectangle + if pit / len(border) > max_dent_ratio: + if test: + print('pit', pit, pit / len(border)) + draw.draw_boundary([self], self.image_shape, show=True) + self.rect_ = False + return False + if test: + print(flat / parameter, '\n') + draw.draw_boundary([self], self.image_shape, show=True) + # ignore text and irregular shape + if self.height / self.image_shape[0] > 0.3: + min_rec_evenness = 0.85 + if (flat / parameter) < min_rec_evenness: + self.rect_ = False + return False + self.rect_ = True + return True + + def compo_is_line(self, min_line_thickness): + """ + Check this object is line by checking its boundary + :param boundary: boundary: [border_top, border_bottom, border_left, border_right] + -> top, bottom: list of (column_index, min/max row border) + -> left, right: list of (row_index, min/max column border) detect range of each row + :param min_line_thickness: + :return: Boolean + """ + # horizontally + slim = 0 + for i in range(self.width): + if abs(self.boundary[1][i][1] - self.boundary[0][i][1]) <= min_line_thickness: + slim += 1 + if slim / len(self.boundary[0]) > 0.93: + self.line_ = True + return True + # vertically + slim = 0 + for i in range(self.height): + if abs(self.boundary[2][i][1] - self.boundary[3][i][1]) <= min_line_thickness: + slim += 1 + if slim / len(self.boundary[2]) > 0.93: + self.line_ = True + return True + self.line_ = False + return False + + def compo_relation(self, compo_b, bias=(0, 0)): + """ + :return: -1 : a in b + 0 : a, b are not intersected + 1 : b in a + 2 : a, b are identical or intersected + """ + return self.bbox.bbox_relation_nms(compo_b.bbox, bias) + + def compo_relative_position(self, col_min_base, row_min_base): + ''' + Convert to relative position based on base coordinator + ''' + self.bbox.bbox_cvt_relative_position(col_min_base, row_min_base) + + def compo_merge(self, compo_b): + self.bbox = self.bbox.bbox_merge(compo_b.bbox) + self.compo_update(self.id, self.image_shape) + + def compo_clipping(self, img, pad=0, show=False): + (column_min, row_min, column_max, row_max) = self.put_bbox() + column_min = max(column_min - pad, 0) + column_max = min(column_max + pad, img.shape[1]) + row_min = max(row_min - pad, 0) + row_max = min(row_max + pad, img.shape[0]) + clip = img[row_min:row_max, column_min:column_max] + if show: + cv2.imshow('clipping', clip) + cv2.waitKey() + return clip diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/Bbox.cpython-312.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Bbox.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2facea8edf53d8476fe94ecb1e2f1624b47501e2 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Bbox.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/Bbox.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Bbox.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..55b519e2fa35ab3d4671d430b019bc7e10df2194 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Bbox.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/Block.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Block.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..3564f27fbdbc37b38a2c58f26d42beaf21c7ea6c Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Block.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/Component.cpython-312.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Component.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e9c225076110074e6c0ea581249fb86c4ed7e479 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Component.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/Component.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Component.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..57bed21088a4828214b2baabb392f3fbaaad70b1 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/Component.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/file_utils.cpython-312.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/file_utils.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ae64b26b15e7d43e9c183fbdba708cd4e702f408 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/file_utils.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/file_utils.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/file_utils.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b0c64cb75b443828db30239311544e45b07bcb41 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/file_utils.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_detection.cpython-312.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_detection.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8e5bda730baee53867c1b69eacdd90c585cdc2fa Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_detection.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_detection.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_detection.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..807ce2f2c79e381797d7696a5b3f5fc6d45c2213 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_detection.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_draw.cpython-312.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_draw.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b350e468e017de37185f7ae53bbdc3a84248cd6c Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_draw.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_draw.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_draw.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..fe08f6414cbc5e83290eed32e087cd508958dd07 Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_draw.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_preprocessing.cpython-312.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_preprocessing.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6f80d4913517e0aa5a264678ecb918dfee13568a Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_preprocessing.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_preprocessing.cpython-35.pyc b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_preprocessing.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..82957d66f1864ae6ddaceb31efdd4a8b986808dc Binary files /dev/null and b/screencoder/UIED/detect_compo/lib_ip/__pycache__/ip_preprocessing.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_compo/lib_ip/file_utils.py b/screencoder/UIED/detect_compo/lib_ip/file_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..1bf1541b2bc8fc84585de9193d51f32676ce1bc7 --- /dev/null +++ b/screencoder/UIED/detect_compo/lib_ip/file_utils.py @@ -0,0 +1,72 @@ +import os +import pandas as pd +import json +from os.path import join as pjoin +import time +import cv2 + + +def save_corners(file_path, corners, compo_name, clear=True): + try: + df = pd.read_csv(file_path, index_col=0) + except: + df = pd.DataFrame(columns=['component', 'x_max', 'x_min', 'y_max', 'y_min', 'height', 'width']) + + if clear: + df = df.drop(df.index) + for corner in corners: + (up_left, bottom_right) = corner + c = {'component': compo_name} + (c['y_min'], c['x_min']) = up_left + (c['y_max'], c['x_max']) = bottom_right + c['width'] = c['y_max'] - c['y_min'] + c['height'] = c['x_max'] - c['x_min'] + df = df.append(c, True) + df.to_csv(file_path) + + +def save_corners_json(file_path, compos): + img_shape = compos[0].image_shape + output = {'img_shape': img_shape, 'compos': []} + f_out = open(file_path, 'w') + + for compo in compos: + c = {'id': compo.id, 'class': compo.category} + (c['column_min'], c['row_min'], c['column_max'], c['row_max']) = compo.put_bbox() + c['width'] = compo.width + c['height'] = compo.height + output['compos'].append(c) + + json.dump(output, f_out, indent=4) + + +def save_clipping(org, output_root, corners, compo_classes, compo_index): + if not os.path.exists(output_root): + os.mkdir(output_root) + pad = 2 + for i in range(len(corners)): + compo = compo_classes[i] + (up_left, bottom_right) = corners[i] + (col_min, row_min) = up_left + (col_max, row_max) = bottom_right + col_min = max(col_min - pad, 0) + col_max = min(col_max + pad, org.shape[1]) + row_min = max(row_min - pad, 0) + row_max = min(row_max + pad, org.shape[0]) + + # if component type already exists, index increase by 1, otherwise add this type + compo_path = pjoin(output_root, compo) + if compo_classes[i] not in compo_index: + compo_index[compo_classes[i]] = 0 + if not os.path.exists(compo_path): + os.mkdir(compo_path) + else: + compo_index[compo_classes[i]] += 1 + clip = org[row_min:row_max, col_min:col_max] + cv2.imwrite(pjoin(compo_path, str(compo_index[compo_classes[i]]) + '.png'), clip) + + +def build_directory(directory): + if not os.path.exists(directory): + os.mkdir(directory) + return directory diff --git a/screencoder/UIED/detect_compo/lib_ip/ip_detection.py b/screencoder/UIED/detect_compo/lib_ip/ip_detection.py new file mode 100644 index 0000000000000000000000000000000000000000..4a927d6fbf78c4b169bbdf8658f0c51be2c028a2 --- /dev/null +++ b/screencoder/UIED/detect_compo/lib_ip/ip_detection.py @@ -0,0 +1,535 @@ +import cv2 +import numpy as np + +import detect_compo.lib_ip.ip_draw as draw +import detect_compo.lib_ip.ip_preprocessing as pre +from detect_compo.lib_ip.Component import Component +import detect_compo.lib_ip.Component as Compo +from config.CONFIG_UIED import Config +C = Config() + + +def merge_intersected_corner(compos, org, is_merge_contained_ele, max_gap=(0, 0), max_ele_height=25): + ''' + :param is_merge_contained_ele: if true, merge compos nested in others + :param max_gap: (horizontal_distance, vertical_distance) to be merge into one line/column + :param max_ele_height: if higher than it, recognize the compo as text + :return: + ''' + changed = False + new_compos = [] + Compo.compos_update(compos, org.shape) + for i in range(len(compos)): + merged = False + cur_compo = compos[i] + for j in range(len(new_compos)): + relation = cur_compo.compo_relation(new_compos[j], max_gap) + # print(relation) + # draw.draw_bounding_box(org, [cur_compo, new_compos[j]], name='b-merge', show=True) + # merge compo[i] to compo[j] if + # 1. compo[j] contains compo[i] + # 2. compo[j] intersects with compo[i] with certain iou + # 3. is_merge_contained_ele and compo[j] is contained in compo[i] + if relation == 1 or \ + relation == 2 or \ + (is_merge_contained_ele and relation == -1): + # (relation == 2 and new_compos[j].height < max_ele_height and cur_compo.height < max_ele_height) or\ + + new_compos[j].compo_merge(cur_compo) + cur_compo = new_compos[j] + # draw.draw_bounding_box(org, [new_compos[j]], name='a-merge', show=True) + merged = True + changed = True + # break + if not merged: + new_compos.append(compos[i]) + + if not changed: + return compos + else: + return merge_intersected_corner(new_compos, org, is_merge_contained_ele, max_gap, max_ele_height) + + +def merge_intersected_compos(compos): + changed = True + while changed: + changed = False + temp_set = [] + for compo_a in compos: + merged = False + for compo_b in temp_set: + if compo_a.compo_relation(compo_b) == 2: + compo_b.compo_merge(compo_a) + merged = True + changed = True + break + if not merged: + temp_set.append(compo_a) + compos = temp_set.copy() + return compos + + +def rm_contained_compos_not_in_block(compos): + ''' + remove all components contained by others that are not Block + ''' + marked = np.full(len(compos), False) + for i in range(len(compos) - 1): + for j in range(i + 1, len(compos)): + relation = compos[i].compo_relation(compos[j]) + if relation == -1 and compos[j].category != 'Block': + marked[i] = True + if relation == 1 and compos[i].category != 'Block': + marked[j] = True + new_compos = [] + for i in range(len(marked)): + if not marked[i]: + new_compos.append(compos[i]) + return new_compos + + +def merge_text(compos, org_shape, max_word_gad=4, max_word_height=20): + def is_text_line(compo_a, compo_b): + (col_min_a, row_min_a, col_max_a, row_max_a) = compo_a.put_bbox() + (col_min_b, row_min_b, col_max_b, row_max_b) = compo_b.put_bbox() + + col_min_s = max(col_min_a, col_min_b) + col_max_s = min(col_max_a, col_max_b) + row_min_s = max(row_min_a, row_min_b) + row_max_s = min(row_max_a, row_max_b) + + # on the same line + # if abs(row_min_a - row_min_b) < max_word_gad and abs(row_max_a - row_max_b) < max_word_gad: + if row_min_s < row_max_s: + # close distance + if col_min_s < col_max_s or \ + (0 < col_min_b - col_max_a < max_word_gad) or (0 < col_min_a - col_max_b < max_word_gad): + return True + return False + + changed = False + new_compos = [] + row, col = org_shape[:2] + for i in range(len(compos)): + merged = False + height = compos[i].height + # ignore non-text + # if height / row > max_word_height_ratio\ + # or compos[i].category != 'Text': + if height > max_word_height: + new_compos.append(compos[i]) + continue + for j in range(len(new_compos)): + # if compos[j].category != 'Text': + # continue + if is_text_line(compos[i], new_compos[j]): + new_compos[j].compo_merge(compos[i]) + merged = True + changed = True + break + if not merged: + new_compos.append(compos[i]) + + if not changed: + return compos + else: + return merge_text(new_compos, org_shape) + + +def rm_top_or_bottom_corners(components, org_shape, top_bottom_height=C.THRESHOLD_TOP_BOTTOM_BAR): + new_compos = [] + height, width = org_shape[:2] + for compo in components: + (column_min, row_min, column_max, row_max) = compo.put_bbox() + # remove big ones + # if (row_max - row_min) / height > 0.65 and (column_max - column_min) / width > 0.8: + # continue + if not (row_max < height * top_bottom_height[0] or row_min > height * top_bottom_height[1]): + new_compos.append(compo) + return new_compos + + +def rm_line_v_h(binary, show=False, max_line_thickness=C.THRESHOLD_LINE_THICKNESS): + def check_continuous_line(line, edge): + continuous_length = 0 + line_start = -1 + for j, p in enumerate(line): + if p > 0: + if line_start == -1: + line_start = j + continuous_length += 1 + elif continuous_length > 0: + if continuous_length / edge > 0.6: + return [line_start, j] + continuous_length = 0 + line_start = -1 + + if continuous_length / edge > 0.6: + return [line_start, len(line)] + else: + return None + + def extract_line_area(line, start_idx, flag='v'): + for e, l in enumerate(line): + if flag == 'v': + map_line[start_idx + e, l[0]:l[1]] = binary[start_idx + e, l[0]:l[1]] + + map_line = np.zeros(binary.shape[:2], dtype=np.uint8) + cv2.imshow('binary', binary) + + width = binary.shape[1] + start_row = -1 + line_area = [] + for i, row in enumerate(binary): + line_v = check_continuous_line(row, width) + if line_v is not None: + # new line + if start_row == -1: + start_row = i + line_area = [] + line_area.append(line_v) + else: + # checking line + if start_row != -1: + if i - start_row < max_line_thickness: + # binary[start_row: i] = 0 + # map_line[start_row: i] = binary[start_row: i] + print(line_area, start_row, i) + extract_line_area(line_area, start_row) + start_row = -1 + + height = binary.shape[0] + start_col = -1 + for i in range(width): + col = binary[:, i] + line_h = check_continuous_line(col, height) + if line_h is not None: + # new line + if start_col == -1: + start_col = i + else: + # checking line + if start_col != -1: + if i - start_col < max_line_thickness: + # binary[:, start_col: i] = 0 + map_line[:, start_col: i] = binary[:, start_col: i] + start_col = -1 + + binary -= map_line + + if show: + cv2.imshow('no-line', binary) + cv2.imshow('lines', map_line) + cv2.waitKey() + + +def rm_line(binary, + max_line_thickness=C.THRESHOLD_LINE_THICKNESS, + min_line_length_ratio=C.THRESHOLD_LINE_MIN_LENGTH, + show=False, wait_key=0): + def is_valid_line(line): + line_length = 0 + line_gap = 0 + for j in line: + if j > 0: + if line_gap > 5: + return False + line_length += 1 + line_gap = 0 + elif line_length > 0: + line_gap += 1 + if line_length / width > 0.95: + return True + return False + + height, width = binary.shape[:2] + board = np.zeros(binary.shape[:2], dtype=np.uint8) + + start_row, end_row = -1, -1 + check_line = False + check_gap = False + for i, row in enumerate(binary): + # line_ratio = (sum(row) / 255) / width + # if line_ratio > 0.9: + if is_valid_line(row): + # new start: if it is checking a new line, mark this row as start + if not check_line: + start_row = i + check_line = True + else: + # end the line + if check_line: + # thin enough to be a line, then start checking gap + if i - start_row < max_line_thickness: + end_row = i + check_gap = True + else: + start_row, end_row = -1, -1 + check_line = False + # check gap + if check_gap and i - end_row > max_line_thickness: + binary[start_row: end_row] = 0 + start_row, end_row = -1, -1 + check_line = False + check_gap = False + + if (check_line and (height - start_row) < max_line_thickness) or check_gap: + binary[start_row: end_row] = 0 + + if show: + cv2.imshow('no-line binary', binary) + if wait_key is not None: + cv2.waitKey(wait_key) + if wait_key == 0: + cv2.destroyWindow('no-line binary') + + +def rm_noise_compos(compos): + compos_new = [] + for compo in compos: + if compo.category == 'Noise': + continue + compos_new.append(compo) + return compos_new + + +def rm_noise_in_large_img(compos, org, + max_compo_scale=C.THRESHOLD_COMPO_MAX_SCALE): + row, column = org.shape[:2] + remain = np.full(len(compos), True) + new_compos = [] + for compo in compos: + if compo.category == 'Image': + for i in compo.contain: + remain[i] = False + for i in range(len(remain)): + if remain[i]: + new_compos.append(compos[i]) + return new_compos + + +def detect_compos_in_img(compos, binary, org, max_compo_scale=C.THRESHOLD_COMPO_MAX_SCALE, show=False): + compos_new = [] + row, column = binary.shape[:2] + for compo in compos: + if compo.category == 'Image': + compo.compo_update_bbox_area() + # org_clip = compo.compo_clipping(org) + # bin_clip = pre.binarization(org_clip, show=show) + bin_clip = compo.compo_clipping(binary) + bin_clip = pre.reverse_binary(bin_clip, show=show) + + compos_rec, compos_nonrec = component_detection(bin_clip, test=False, step_h=10, step_v=10, rec_detect=True) + for compo_rec in compos_rec: + compo_rec.compo_relative_position(compo.bbox.col_min, compo.bbox.row_min) + if compo_rec.bbox_area / compo.bbox_area < 0.8 and compo_rec.bbox.height > 20 and compo_rec.bbox.width > 20: + compos_new.append(compo_rec) + # draw.draw_bounding_box(org, [compo_rec], show=True) + + # compos_inner = component_detection(bin_clip, rec_detect=False) + # for compo_inner in compos_inner: + # compo_inner.compo_relative_position(compo.bbox.col_min, compo.bbox.row_min) + # draw.draw_bounding_box(org, [compo_inner], show=True) + # if compo_inner.bbox_area / compo.bbox_area < 0.8: + # compos_new.append(compo_inner) + compos += compos_new + + +def compo_filter(compos, min_area, img_shape): + max_height = img_shape[0] * 0.8 + compos_new = [] + for compo in compos: + if compo.area < min_area: + continue + if compo.height > max_height: + continue + ratio_h = compo.width / compo.height + ratio_w = compo.height / compo.width + if ratio_h > 50 or ratio_w > 40 or \ + (min(compo.height, compo.width) < 8 and max(ratio_h, ratio_w) > 10): + continue + compos_new.append(compo) + return compos_new + + +def is_block(clip, thread=0.15): + ''' + Block is a rectangle border enclosing a group of compos (consider it as a wireframe) + Check if a compo is block by checking if the inner side of its border is blank + ''' + side = 4 # scan 4 lines inner forward each border + # top border - scan top down + blank_count = 0 + for i in range(1, 5): + if sum(clip[side + i]) / 255 > thread * clip.shape[1]: + blank_count += 1 + if blank_count > 2: return False + # left border - scan left to right + blank_count = 0 + for i in range(1, 5): + if sum(clip[:, side + i]) / 255 > thread * clip.shape[0]: + blank_count += 1 + if blank_count > 2: return False + + side = -4 + # bottom border - scan bottom up + blank_count = 0 + for i in range(-1, -5, -1): + if sum(clip[side + i]) / 255 > thread * clip.shape[1]: + blank_count += 1 + if blank_count > 2: return False + # right border - scan right to left + blank_count = 0 + for i in range(-1, -5, -1): + if sum(clip[:, side + i]) / 255 > thread * clip.shape[0]: + blank_count += 1 + if blank_count > 2: return False + return True + + +def compo_block_recognition(binary, compos, block_side_length=0.15): + height, width = binary.shape + for compo in compos: + if compo.height / height > block_side_length and compo.width / width > block_side_length: + clip = compo.compo_clipping(binary) + if is_block(clip): + compo.category = 'Block' + + +# take the binary image as input +# calculate the connected regions -> get the bounding boundaries of them -> check if those regions are rectangles +# return all boundaries and boundaries of rectangles +def component_detection(binary, min_obj_area, + line_thickness=C.THRESHOLD_LINE_THICKNESS, + min_rec_evenness=C.THRESHOLD_REC_MIN_EVENNESS, + max_dent_ratio=C.THRESHOLD_REC_MAX_DENT_RATIO, + step_h = 5, step_v = 2, + rec_detect=False, show=False, test=False): + """ + :param binary: Binary image from pre-processing + :param min_obj_area: If not pass then ignore the small object + :param min_obj_perimeter: If not pass then ignore the small object + :param line_thickness: If not pass then ignore the slim object + :param min_rec_evenness: If not pass then this object cannot be rectangular + :param max_dent_ratio: If not pass then this object cannot be rectangular + :return: boundary: [top, bottom, left, right] + -> up, bottom: list of (column_index, min/max row border) + -> left, right: list of (row_index, min/max column border) detect range of each row + """ + mask = np.zeros((binary.shape[0] + 2, binary.shape[1] + 2), dtype=np.uint8) + compos_all = [] + compos_rec = [] + compos_nonrec = [] + row, column = binary.shape[0], binary.shape[1] + for i in range(0, row, step_h): + for j in range(i % 2, column, step_v): + if binary[i, j] == 255 and mask[i, j] == 0: + # get connected area + # region = util.boundary_bfs_connected_area(binary, i, j, mask) + + mask_copy = mask.copy() + ff = cv2.floodFill(binary, mask, (j, i), None, 0, 0, cv2.FLOODFILL_MASK_ONLY) + if ff[0] < min_obj_area: continue + mask_copy = mask - mask_copy + region = np.reshape(cv2.findNonZero(mask_copy[1:-1, 1:-1]), (-1, 2)) + region = [(p[1], p[0]) for p in region] + + # filter out some compos + component = Component(region, binary.shape) + # calculate the boundary of the connected area + # ignore small area + if component.width <= 3 or component.height <= 3: + continue + # check if it is line by checking the length of edges + # if component.compo_is_line(line_thickness): + # continue + + if test: + print('Area:%d' % (len(region))) + draw.draw_boundary([component], binary.shape, show=True) + + compos_all.append(component) + + if rec_detect: + # rectangle check + if component.compo_is_rectangle(min_rec_evenness, max_dent_ratio): + component.rect_ = True + compos_rec.append(component) + else: + component.rect_ = False + compos_nonrec.append(component) + + if show: + print('Area:%d' % (len(region))) + draw.draw_boundary(compos_all, binary.shape, show=True) + + # draw.draw_boundary(compos_all, binary.shape, show=True) + if rec_detect: + return compos_rec, compos_nonrec + else: + return compos_all + + +def nested_components_detection(grey, org, grad_thresh, + show=False, write_path=None, + step_h=10, step_v=10, + line_thickness=C.THRESHOLD_LINE_THICKNESS, + min_rec_evenness=C.THRESHOLD_REC_MIN_EVENNESS, + max_dent_ratio=C.THRESHOLD_REC_MAX_DENT_RATIO): + ''' + :param grey: grey-scale of original image + :return: corners: list of [(top_left, bottom_right)] + -> top_left: (column_min, row_min) + -> bottom_right: (column_max, row_max) + ''' + compos = [] + mask = np.zeros((grey.shape[0]+2, grey.shape[1]+2), dtype=np.uint8) + broad = np.zeros((grey.shape[0], grey.shape[1], 3), dtype=np.uint8) + broad_all = broad.copy() + + row, column = grey.shape[0], grey.shape[1] + for x in range(0, row, step_h): + for y in range(0, column, step_v): + if mask[x, y] == 0: + # region = flood_fill_bfs(grey, x, y, mask) + + # flood fill algorithm to get background (layout block) + mask_copy = mask.copy() + ff = cv2.floodFill(grey, mask, (y, x), None, grad_thresh, grad_thresh, cv2.FLOODFILL_MASK_ONLY) + # ignore small regions + if ff[0] < 500: continue + mask_copy = mask - mask_copy + region = np.reshape(cv2.findNonZero(mask_copy[1:-1, 1:-1]), (-1, 2)) + region = [(p[1], p[0]) for p in region] + + compo = Component(region, grey.shape) + # draw.draw_region(region, broad_all) + # if block.height < 40 and block.width < 40: + # continue + if compo.height < 30: + continue + + # print(block.area / (row * column)) + if compo.area / (row * column) > 0.9: + continue + elif compo.area / (row * column) > 0.7: + compo.redundant = True + + # get the boundary of this region + # ignore lines + if compo.compo_is_line(line_thickness): + continue + # ignore non-rectangle as blocks must be rectangular + if not compo.compo_is_rectangle(min_rec_evenness, max_dent_ratio): + continue + # if block.height/row < min_block_height_ratio: + # continue + compos.append(compo) + # draw.draw_region(region, broad) + if show: + cv2.imshow('flood-fill all', broad_all) + cv2.imshow('block', broad) + cv2.waitKey() + if write_path is not None: + cv2.imwrite(write_path, broad) + return compos diff --git a/screencoder/UIED/detect_compo/lib_ip/ip_draw.py b/screencoder/UIED/detect_compo/lib_ip/ip_draw.py new file mode 100644 index 0000000000000000000000000000000000000000..6d24f3f24bd7ea41714178a7fc453f3ffc2af702 --- /dev/null +++ b/screencoder/UIED/detect_compo/lib_ip/ip_draw.py @@ -0,0 +1,132 @@ +import cv2 +import numpy as np +from random import randint as rint +from config.CONFIG_UIED import Config + + +C = Config() + + +def draw_bounding_box_class(org, components, color_map=C.COLOR, line=2, show=False, write_path=None, name='board'): + """ + Draw bounding box of components with their classes on the original image + :param org: original image + :param components: bbox [(column_min, row_min, column_max, row_max)] + -> top_left: (column_min, row_min) + -> bottom_right: (column_max, row_max) + :param color_map: colors mapping to different components + :param line: line thickness + :param compo_class: classes matching the corners of components + :param show: show or not + :return: labeled image + """ + board = org.copy() + for compo in components: + bbox = compo.put_bbox() + board = cv2.rectangle(board, (bbox[0], bbox[1]), (bbox[2], bbox[3]), color_map[compo.category], line) + # board = cv2.putText(board, compo.category, (bbox[0]+5, bbox[1]+20), cv2.FONT_HERSHEY_SIMPLEX, 0.5, color_map[compo.category], 2) + if show: + cv2.imshow(name, board) + cv2.waitKey(0) + if write_path is not None: + cv2.imwrite(write_path, board) + return board + + +def draw_bounding_box(org, components, color=(0, 255, 0), line=2, + show=False, write_path=None, name='board', is_return=False, wait_key=0): + """ + Draw bounding box of components on the original image + :param org: original image + :param components: bbox [(column_min, row_min, column_max, row_max)] + -> top_left: (column_min, row_min) + -> bottom_right: (column_max, row_max) + :param color: line color + :param line: line thickness + :param show: show or not + :return: labeled image + """ + if not show and write_path is None and not is_return: return + board = org.copy() + for compo in components: + bbox = compo.put_bbox() + board = cv2.rectangle(board, (bbox[0], bbox[1]), (bbox[2], bbox[3]), color, line) + if show: + cv2.imshow(name, board) + if wait_key is not None: + cv2.waitKey(wait_key) + if wait_key == 0: + cv2.destroyWindow(name) + if write_path is not None: + # board = cv2.resize(board, (1080, 1920)) + # board = board[100:-110] + cv2.imwrite(write_path, board) + return board + + +def draw_line(org, lines, color=(0, 255, 0), show=False): + """ + Draw detected lines on the original image + :param org: original image + :param lines: [line_h, line_v] + -> line_h: horizontal {'head':(column_min, row), 'end':(column_max, row), 'thickness':int) + -> line_v: vertical {'head':(column, row_min), 'end':(column, row_max), 'thickness':int} + :param color: drawn color + :param show: show or not + :return: image with lines drawn + """ + board = org.copy() + line_h, line_v = lines + for line in line_h: + cv2.line(board, tuple(line['head']), tuple(line['end']), color, line['thickness']) + for line in line_v: + cv2.line(board, tuple(line['head']), tuple(line['end']), color, line['thickness']) + if show: + cv2.imshow('img', board) + cv2.waitKey(0) + return board + + +def draw_boundary(components, shape, show=False): + """ + Draw boundary of objects on the black withe + :param components: boundary: [top, bottom, left, right] + -> up, bottom: (column_index, min/max row border) + -> left, right: (row_index, min/max column border) detect range of each row + :param shape: shape or original image + :param show: show or not + :return: drawn board + """ + board = np.zeros(shape[:2], dtype=np.uint8) # binary board + for component in components: + # up and bottom: (column_index, min/max row border) + for point in component.boundary[0] + component.boundary[1]: + board[point[1], point[0]] = 255 + # left, right: (row_index, min/max column border) + for point in component.boundary[2] + component.boundary[3]: + board[point[0], point[1]] = 255 + if show: + cv2.imshow('rec', board) + cv2.waitKey(0) + return board + + +def draw_region(region, broad, show=False): + color = (rint(0,255), rint(0,255), rint(0,255)) + for point in region: + broad[point[0], point[1]] = color + + if show: + cv2.imshow('region', broad) + cv2.waitKey() + return broad + + +def draw_region_bin(region, broad, show=False): + for point in region: + broad[point[0], point[1]] = 255 + + if show: + cv2.imshow('region', broad) + cv2.waitKey() + return broad diff --git a/screencoder/UIED/detect_compo/lib_ip/ip_preprocessing.py b/screencoder/UIED/detect_compo/lib_ip/ip_preprocessing.py new file mode 100644 index 0000000000000000000000000000000000000000..92b34966039c8bf78659679ae9ca909b4c8c9421 --- /dev/null +++ b/screencoder/UIED/detect_compo/lib_ip/ip_preprocessing.py @@ -0,0 +1,69 @@ +import cv2 +import numpy as np +from config.CONFIG_UIED import Config +C = Config() + + +def read_img(path, resize_height=None, kernel_size=None): + + def resize_by_height(org): + w_h_ratio = org.shape[1] / org.shape[0] + resize_w = resize_height * w_h_ratio + re = cv2.resize(org, (int(resize_w), int(resize_height))) + return re + + try: + img = cv2.imread(path) + if kernel_size is not None: + img = cv2.medianBlur(img, kernel_size) + if img is None: + print("*** Image does not exist ***") + return None, None + if resize_height is not None: + img = resize_by_height(img) + gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + return img, gray + + except Exception as e: + print(e) + print("*** Img Reading Failed ***\n") + return None, None + + +def gray_to_gradient(img): + if len(img.shape) == 3: + img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) + img_f = np.copy(img) + img_f = img_f.astype("float") + + kernel_h = np.array([[0,0,0], [0,-1.,1.], [0,0,0]]) + kernel_v = np.array([[0,0,0], [0,-1.,0], [0,1.,0]]) + dst1 = abs(cv2.filter2D(img_f, -1, kernel_h)) + dst2 = abs(cv2.filter2D(img_f, -1, kernel_v)) + gradient = (dst1 + dst2).astype('uint8') + return gradient + + +def reverse_binary(bin, show=False): + """ + Reverse the input binary image + """ + r, bin = cv2.threshold(bin, 1, 255, cv2.THRESH_BINARY_INV) + if show: + cv2.imshow('binary_rev', bin) + cv2.waitKey() + return bin + + +def binarization(org, grad_min, show=False, write_path=None, wait_key=0): + grey = cv2.cvtColor(org, cv2.COLOR_BGR2GRAY) + grad = gray_to_gradient(grey) # get RoI with high gradient + rec, binary = cv2.threshold(grad, grad_min, 255, cv2.THRESH_BINARY) # enhance the RoI + morph = cv2.morphologyEx(binary, cv2.MORPH_CLOSE, (3, 3)) # remove noises + if write_path is not None: + cv2.imwrite(write_path, morph) + if show: + cv2.imshow('binary', morph) + if wait_key is not None: + cv2.waitKey(wait_key) + return morph diff --git a/screencoder/UIED/detect_merge/Element.py b/screencoder/UIED/detect_merge/Element.py new file mode 100644 index 0000000000000000000000000000000000000000..5cbdca79b22cee48a5bbf219b3bfe9998b33a878 --- /dev/null +++ b/screencoder/UIED/detect_merge/Element.py @@ -0,0 +1,105 @@ +import numpy as np +import cv2 + + +class Element: + def __init__(self, id, corner, category, text_content=None): + self.id = id + self.category = category + self.col_min, self.row_min, self.col_max, self.row_max = corner + self.width = self.col_max - self.col_min + self.height = self.row_max - self.row_min + self.area = self.width * self.height + + self.text_content = text_content + self.parent_id = None + self.children = [] # list of elements + + def init_bound(self): + self.width = self.col_max - self.col_min + self.height = self.row_max - self.row_min + self.area = self.width * self.height + + def put_bbox(self): + return self.col_min, self.row_min, self.col_max, self.row_max + + def wrap_info(self): + info = {'id':self.id, 'class': self.category, 'height': self.height, 'width': self.width, + 'position': {'column_min': self.col_min, 'row_min': self.row_min, 'column_max': self.col_max, + 'row_max': self.row_max}} + if self.text_content is not None: + info['text_content'] = self.text_content + if len(self.children) > 0: + info['children'] = [] + for child in self.children: + info['children'].append(child.id) + if self.parent_id is not None: + info['parent'] = self.parent_id + return info + + def resize(self, resize_ratio): + self.col_min = int(self.col_min * resize_ratio) + self.row_min = int(self.row_min * resize_ratio) + self.col_max = int(self.col_max * resize_ratio) + self.row_max = int(self.row_max * resize_ratio) + self.init_bound() + + def element_merge(self, element_b, new_element=False, new_category=None, new_id=None): + col_min_a, row_min_a, col_max_a, row_max_a = self.put_bbox() + col_min_b, row_min_b, col_max_b, row_max_b = element_b.put_bbox() + new_corner = (min(col_min_a, col_min_b), min(row_min_a, row_min_b), max(col_max_a, col_max_b), max(row_max_a, row_max_b)) + if element_b.text_content is not None: + self.text_content = element_b.text_content if self.text_content is None else self.text_content + '\n' + element_b.text_content + if new_element: + return Element(new_id, new_corner, new_category) + else: + self.col_min, self.row_min, self.col_max, self.row_max = new_corner + self.init_bound() + + def calc_intersection_area(self, element_b, bias=(0, 0)): + a = self.put_bbox() + b = element_b.put_bbox() + col_min_s = max(a[0], b[0]) - bias[0] + row_min_s = max(a[1], b[1]) - bias[1] + col_max_s = min(a[2], b[2]) + row_max_s = min(a[3], b[3]) + w = np.maximum(0, col_max_s - col_min_s) + h = np.maximum(0, row_max_s - row_min_s) + inter = w * h + + iou = inter / (self.area + element_b.area - inter) + ioa = inter / self.area + iob = inter / element_b.area + + return inter, iou, ioa, iob + + def element_relation(self, element_b, bias=(0, 0)): + """ + @bias: (horizontal bias, vertical bias) + :return: -1 : a in b + 0 : a, b are not intersected + 1 : b in a + 2 : a, b are identical or intersected + """ + inter, iou, ioa, iob = self.calc_intersection_area(element_b, bias) + + # area of intersection is 0 + if ioa == 0: + return 0 + # a in b + if ioa >= 1: + return -1 + # b in a + if iob >= 1: + return 1 + return 2 + + def visualize_element(self, img, color=(0, 255, 0), line=1, show=False): + loc = self.put_bbox() + cv2.rectangle(img, loc[:2], loc[2:], color, line) + # for child in self.children: + # child.visualize_element(img, color=(255, 0, 255), line=line) + if show: + cv2.imshow('element', img) + cv2.waitKey(0) + cv2.destroyWindow('element') diff --git a/screencoder/UIED/detect_merge/__pycache__/Element.cpython-35.pyc b/screencoder/UIED/detect_merge/__pycache__/Element.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..1b938066ab25234529fd238719fb7a14eae371cd Binary files /dev/null and b/screencoder/UIED/detect_merge/__pycache__/Element.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_merge/__pycache__/merge.cpython-35.pyc b/screencoder/UIED/detect_merge/__pycache__/merge.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ceaeaf9205a8ea4e9d1bdf8921ff963ca4513783 Binary files /dev/null and b/screencoder/UIED/detect_merge/__pycache__/merge.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_merge/merge.py b/screencoder/UIED/detect_merge/merge.py new file mode 100644 index 0000000000000000000000000000000000000000..b70acc6d1059a83fc1813f38a73d2e3d33144fdc --- /dev/null +++ b/screencoder/UIED/detect_merge/merge.py @@ -0,0 +1,235 @@ +import json +import cv2 +import numpy as np +from os.path import join as pjoin +import os +import time +import shutil + +from detect_merge.Element import Element + + +def show_elements(org_img, eles, show=False, win_name='element', wait_key=0, shown_resize=None, line=2): + color_map = {'Text':(0, 0, 255), 'Compo':(0, 255, 0), 'Block':(0, 255, 0), 'Text Content':(255, 0, 255)} + img = org_img.copy() + for ele in eles: + color = color_map[ele.category] + ele.visualize_element(img, color, line) + img_resize = img + if shown_resize is not None: + img_resize = cv2.resize(img, shown_resize) + if show: + cv2.imshow(win_name, img_resize) + cv2.waitKey(wait_key) + if wait_key == 0: + cv2.destroyWindow(win_name) + return img_resize + + +def save_elements(output_file, elements, img_shape): + components = {'compos': [], 'img_shape': img_shape} + for i, ele in enumerate(elements): + c = ele.wrap_info() + # c['id'] = i + components['compos'].append(c) + json.dump(components, open(output_file, 'w'), indent=4) + return components + + +def reassign_ids(elements): + for i, element in enumerate(elements): + element.id = i + + +def refine_texts(texts, img_shape): + refined_texts = [] + for text in texts: + # remove potential noise + if len(text.text_content) > 1 and text.height / img_shape[0] < 0.075: + refined_texts.append(text) + return refined_texts + + +def merge_text_line_to_paragraph(elements, max_line_gap=5): + texts = [] + non_texts = [] + for ele in elements: + if ele.category == 'Text': + texts.append(ele) + else: + non_texts.append(ele) + + changed = True + while changed: + changed = False + temp_set = [] + for text_a in texts: + merged = False + for text_b in temp_set: + inter_area, _, _, _ = text_a.calc_intersection_area(text_b, bias=(0, max_line_gap)) + if inter_area > 0: + text_b.element_merge(text_a) + merged = True + changed = True + break + if not merged: + temp_set.append(text_a) + texts = temp_set.copy() + return non_texts + texts + + +def refine_elements(compos, texts, intersection_bias=(2, 2), containment_ratio=0.8): + ''' + 1. remove compos contained in text + 2. remove compos containing text area that's too large + 3. store text in a compo if it's contained by the compo as the compo's text child element + ''' + elements = [] + contained_texts = [] + for compo in compos: + is_valid = True + text_area = 0 + for text in texts: + inter, iou, ioa, iob = compo.calc_intersection_area(text, bias=intersection_bias) + if inter > 0: + # the non-text is contained in the text compo + if ioa >= containment_ratio: + is_valid = False + break + text_area += inter + # the text is contained in the non-text compo + if iob >= containment_ratio and compo.category != 'Block': + contained_texts.append(text) + if is_valid and text_area / compo.area < containment_ratio: + # for t in contained_texts: + # t.parent_id = compo.id + # compo.children += contained_texts + elements.append(compo) + + # elements += texts + for text in texts: + if text not in contained_texts: + elements.append(text) + return elements + + +def check_containment(elements): + for i in range(len(elements) - 1): + for j in range(i + 1, len(elements)): + relation = elements[i].element_relation(elements[j], bias=(2, 2)) + if relation == -1: + elements[j].children.append(elements[i]) + elements[i].parent_id = elements[j].id + if relation == 1: + elements[i].children.append(elements[j]) + elements[j].parent_id = elements[i].id + + +def remove_top_bar(elements, img_height): + new_elements = [] + max_height = img_height * 0.04 + for ele in elements: + if ele.row_min < 10 and ele.height < max_height: + continue + new_elements.append(ele) + return new_elements + + +def remove_bottom_bar(elements, img_height): + new_elements = [] + for ele in elements: + # parameters for 800-height GUI + if ele.row_min > 750 and 20 <= ele.height <= 30 and 20 <= ele.width <= 30: + continue + new_elements.append(ele) + return new_elements + + +def compos_clip_and_fill(clip_root, org, compos): + def most_pix_around(pad=6, offset=2): + ''' + determine the filled background color according to the most surrounding pixel + ''' + up = row_min - pad if row_min - pad >= 0 else 0 + left = col_min - pad if col_min - pad >= 0 else 0 + bottom = row_max + pad if row_max + pad < org.shape[0] - 1 else org.shape[0] - 1 + right = col_max + pad if col_max + pad < org.shape[1] - 1 else org.shape[1] - 1 + most = [] + for i in range(3): + val = np.concatenate((org[up:row_min - offset, left:right, i].flatten(), + org[row_max + offset:bottom, left:right, i].flatten(), + org[up:bottom, left:col_min - offset, i].flatten(), + org[up:bottom, col_max + offset:right, i].flatten())) + most.append(int(np.argmax(np.bincount(val)))) + return most + + if os.path.exists(clip_root): + shutil.rmtree(clip_root) + os.mkdir(clip_root) + + bkg = org.copy() + cls_dirs = [] + for compo in compos: + cls = compo['class'] + if cls == 'Background': + compo['path'] = pjoin(clip_root, 'bkg.png') + continue + c_root = pjoin(clip_root, cls) + c_path = pjoin(c_root, str(compo['id']) + '.jpg') + compo['path'] = c_path + if cls not in cls_dirs: + os.mkdir(c_root) + cls_dirs.append(cls) + + position = compo['position'] + col_min, row_min, col_max, row_max = position['column_min'], position['row_min'], position['column_max'], position['row_max'] + cv2.imwrite(c_path, org[row_min:row_max, col_min:col_max]) + # Fill up the background area + cv2.rectangle(bkg, (col_min, row_min), (col_max, row_max), most_pix_around(), -1) + cv2.imwrite(pjoin(clip_root, 'bkg.png'), bkg) + + +def merge(img_path, compo_path, text_path, merge_root=None, is_paragraph=False, is_remove_bar=True, show=False, wait_key=0): + compo_json = json.load(open(compo_path, 'r')) + text_json = json.load(open(text_path, 'r')) + + # load text and non-text compo + ele_id = 0 + compos = [] + for compo in compo_json['compos']: + element = Element(ele_id, (compo['column_min'], compo['row_min'], compo['column_max'], compo['row_max']), compo['class']) + compos.append(element) + ele_id += 1 + texts = [] + for text in text_json['texts']: + element = Element(ele_id, (text['column_min'], text['row_min'], text['column_max'], text['row_max']), 'Text', text_content=text['content']) + texts.append(element) + ele_id += 1 + if compo_json['img_shape'] != text_json['img_shape']: + resize_ratio = compo_json['img_shape'][0] / text_json['img_shape'][0] + for text in texts: + text.resize(resize_ratio) + + # check the original detected elements + img = cv2.imread(img_path) + img_resize = cv2.resize(img, (compo_json['img_shape'][1], compo_json['img_shape'][0])) + show_elements(img_resize, texts + compos, show=show, win_name='all elements before merging', wait_key=wait_key) + + # refine elements + texts = refine_texts(texts, compo_json['img_shape']) + elements = refine_elements(compos, texts) + if is_remove_bar: + elements = remove_top_bar(elements, img_height=compo_json['img_shape'][0]) + elements = remove_bottom_bar(elements, img_height=compo_json['img_shape'][0]) + if is_paragraph: + elements = merge_text_line_to_paragraph(elements, max_line_gap=7) + reassign_ids(elements) + check_containment(elements) + board = show_elements(img_resize, elements, show=show, win_name='elements after merging', wait_key=wait_key) + + # save all merged elements, clips and blank background + name = img_path.replace('\\', '/').split('/')[-1][:-4] + components = save_elements(pjoin(merge_root, name + '.json'), elements, img_resize.shape) + cv2.imwrite(pjoin(merge_root, name + '.jpg'), board) + print('[Merge Completed] Input: %s Output: %s' % (img_path, pjoin(merge_root, name + '.jpg'))) + return board, components diff --git a/screencoder/UIED/detect_text/Text.py b/screencoder/UIED/detect_text/Text.py new file mode 100644 index 0000000000000000000000000000000000000000..830ec304c1b791e900f90b4c2ccd1d994c245908 --- /dev/null +++ b/screencoder/UIED/detect_text/Text.py @@ -0,0 +1,181 @@ +import cv2 +import numpy as np + + +class Text: + def __init__(self, id, content, location): + self.id = id + self.content = content + self.location = location + + self.width = self.location['right'] - self.location['left'] + self.height = self.location['bottom'] - self.location['top'] + self.area = self.width * self.height + self.word_width = self.width / len(self.content) + + ''' + ******************************** + *** Relation with Other text *** + ******************************** + ''' + def is_justified(self, ele_b, direction='h', max_bias_justify=4): + ''' + Check if the element is justified + :param max_bias_justify: maximum bias if two elements to be justified + :param direction: + - 'v': vertical up-down connection + - 'h': horizontal left-right connection + ''' + l_a = self.location + l_b = ele_b.location + # connected vertically - up and below + if direction == 'v': + # left and right should be justified + if abs(l_a['left'] - l_b['left']) < max_bias_justify and abs(l_a['right'] - l_b['right']) < max_bias_justify: + return True + return False + elif direction == 'h': + # top and bottom should be justified + if abs(l_a['top'] - l_b['top']) < max_bias_justify and abs(l_a['bottom'] - l_b['bottom']) < max_bias_justify: + return True + return False + + def is_on_same_line(self, text_b, direction='h', bias_gap=4, bias_justify=4): + ''' + Check if the element is on the same row(direction='h') or column(direction='v') with ele_b + :param direction: + - 'v': vertical up-down connection + - 'h': horizontal left-right connection + :return: + ''' + l_a = self.location + l_b = text_b.location + # connected vertically - up and below + if direction == 'v': + # left and right should be justified + if self.is_justified(text_b, direction='v', max_bias_justify=bias_justify): + # top and bottom should be connected (small gap) + if abs(l_a['bottom'] - l_b['top']) < bias_gap or abs(l_a['top'] - l_b['bottom']) < bias_gap: + return True + return False + elif direction == 'h': + # top and bottom should be justified + if self.is_justified(text_b, direction='h', max_bias_justify=bias_justify): + # top and bottom should be connected (small gap) + if abs(l_a['right'] - l_b['left']) < bias_gap or abs(l_a['left'] - l_b['right']) < bias_gap: + return True + return False + + def is_intersected(self, text_b, bias): + l_a = self.location + l_b = text_b.location + left_in = max(l_a['left'], l_b['left']) + bias + top_in = max(l_a['top'], l_b['top']) + bias + right_in = min(l_a['right'], l_b['right']) + bottom_in = min(l_a['bottom'], l_b['bottom']) + + w_in = max(0, right_in - left_in) + h_in = max(0, bottom_in - top_in) + area_in = w_in * h_in + if area_in > 0: + return True + + ''' + *********************** + *** Revise the Text *** + *********************** + ''' + def merge_text(self, text_b): + text_a = self + top = min(text_a.location['top'], text_b.location['top']) + left = min(text_a.location['left'], text_b.location['left']) + right = max(text_a.location['right'], text_b.location['right']) + bottom = max(text_a.location['bottom'], text_b.location['bottom']) + self.location = {'left': left, 'top': top, 'right': right, 'bottom': bottom} + self.width = self.location['right'] - self.location['left'] + self.height = self.location['bottom'] - self.location['top'] + self.area = self.width * self.height + + left_element = text_a + right_element = text_b + if text_a.location['left'] > text_b.location['left']: + left_element = text_b + right_element = text_a + self.content = left_element.content + ' ' + right_element.content + self.word_width = self.width / len(self.content) + + def shrink_bound(self, binary_map): + bin_clip = binary_map[self.location['top']:self.location['bottom'], self.location['left']:self.location['right']] + height, width = np.shape(bin_clip) + + shrink_top = 0 + shrink_bottom = 0 + for i in range(height): + # top + if shrink_top == 0: + if sum(bin_clip[i]) == 0: + shrink_top = 1 + else: + shrink_top = -1 + elif shrink_top == 1: + if sum(bin_clip[i]) != 0: + self.location['top'] += i + shrink_top = -1 + # bottom + if shrink_bottom == 0: + if sum(bin_clip[height-i-1]) == 0: + shrink_bottom = 1 + else: + shrink_bottom = -1 + elif shrink_bottom == 1: + if sum(bin_clip[height-i-1]) != 0: + self.location['bottom'] -= i + shrink_bottom = -1 + + if shrink_top == -1 and shrink_bottom == -1: + break + + shrink_left = 0 + shrink_right = 0 + for j in range(width): + # left + if shrink_left == 0: + if sum(bin_clip[:, j]) == 0: + shrink_left = 1 + else: + shrink_left = -1 + elif shrink_left == 1: + if sum(bin_clip[:, j]) != 0: + self.location['left'] += j + shrink_left = -1 + # right + if shrink_right == 0: + if sum(bin_clip[:, width-j-1]) == 0: + shrink_right = 1 + else: + shrink_right = -1 + elif shrink_right == 1: + if sum(bin_clip[:, width-j-1]) != 0: + self.location['right'] -= j + shrink_right = -1 + + if shrink_left == -1 and shrink_right == -1: + break + self.width = self.location['right'] - self.location['left'] + self.height = self.location['bottom'] - self.location['top'] + self.area = self.width * self.height + self.word_width = self.width / len(self.content) + + ''' + ********************* + *** Visualization *** + ********************* + ''' + def visualize_element(self, img, color=(0, 0, 255), line=1, show=False): + loc = self.location + cv2.rectangle(img, (loc['left'], loc['top']), (loc['right'], loc['bottom']), color, line) + if show: + print(self.content) + cv2.imshow('text', img) + cv2.waitKey() + cv2.destroyWindow('text') diff --git a/screencoder/UIED/detect_text/__pycache__/Text.cpython-312.pyc b/screencoder/UIED/detect_text/__pycache__/Text.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..040197a4ba2450a9e2af91f7d18ede887ac50bc5 Binary files /dev/null and b/screencoder/UIED/detect_text/__pycache__/Text.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_text/__pycache__/Text.cpython-35.pyc b/screencoder/UIED/detect_text/__pycache__/Text.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..11670450167db6c1cdb2bdcb0fdbeb1f3897b535 Binary files /dev/null and b/screencoder/UIED/detect_text/__pycache__/Text.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_text/__pycache__/ocr.cpython-312.pyc b/screencoder/UIED/detect_text/__pycache__/ocr.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..8c688ba6209fabf426fda69511557e0c190024c2 Binary files /dev/null and b/screencoder/UIED/detect_text/__pycache__/ocr.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_text/__pycache__/ocr.cpython-35.pyc b/screencoder/UIED/detect_text/__pycache__/ocr.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a4bf88ce656b831292eb8c842a54c8863323e89b Binary files /dev/null and b/screencoder/UIED/detect_text/__pycache__/ocr.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_text/__pycache__/text_detection.cpython-312.pyc b/screencoder/UIED/detect_text/__pycache__/text_detection.cpython-312.pyc new file mode 100644 index 0000000000000000000000000000000000000000..b418de61aa6f81ea075ed2dc5cab1515708acf05 Binary files /dev/null and b/screencoder/UIED/detect_text/__pycache__/text_detection.cpython-312.pyc differ diff --git a/screencoder/UIED/detect_text/__pycache__/text_detection.cpython-35.pyc b/screencoder/UIED/detect_text/__pycache__/text_detection.cpython-35.pyc new file mode 100644 index 0000000000000000000000000000000000000000..6dfd484c7322ffd99337d9876d65844e7461da38 Binary files /dev/null and b/screencoder/UIED/detect_text/__pycache__/text_detection.cpython-35.pyc differ diff --git a/screencoder/UIED/detect_text/ocr.py b/screencoder/UIED/detect_text/ocr.py new file mode 100644 index 0000000000000000000000000000000000000000..bd11debd72c89e747d905dba620eacc5346a9190 --- /dev/null +++ b/screencoder/UIED/detect_text/ocr.py @@ -0,0 +1,55 @@ +import cv2 +import os +import requests +import json +from base64 import b64encode +import time + + +def Google_OCR_makeImageData(imgpath): + with open(imgpath, 'rb') as f: + ctxt = b64encode(f.read()).decode() + img_req = { + 'image': { + 'content': ctxt + }, + 'features': [{ + 'type': 'DOCUMENT_TEXT_DETECTION', + # 'type': 'TEXT_DETECTION', + 'maxResults': 1 + }] + } + return json.dumps({"requests": img_req}).encode() + + +def ocr_detection_google(imgpath): + start = time.perf_counter() + url = 'https://vision.googleapis.com/v1/images:annotate' + api_key = 'AIzaSyDUc4iOUASJQYkVwSomIArTKhE2C6bHK8U' # *** Replace with your own Key *** + imgdata = Google_OCR_makeImageData(imgpath) + response = requests.post(url, + data=imgdata, + params={'key': api_key}, + headers={'Content_Type': 'application/json'}) + # print('*** Text Detection Time Taken:%.3fs ***' % (time.perf_counter() - start)) + print("*** Please replace the Google OCR key at detect_text/ocr.py line 28 with your own (apply in https://cloud.google.com/vision) ***") + + response_json = response.json() + if 'error' in response_json: + error_msg = response_json['error'] + if 'BILLING_DISABLED' in str(error_msg): + raise Exception("Google Vision API requires billing to be enabled. Please:\n" + "1. Visit https://console.developers.google.com/billing/enable?project=718250946490\n" + "2. Enable billing for your project\n" + "3. Wait a few minutes for changes to propagate\n" + "4. Or use PaddleOCR instead by setting method='paddle'") + else: + raise Exception(f"Google Vision API error: {error_msg}") + + if 'responses' not in response_json: + raise Exception(response_json) + if response_json['responses'] == [{}]: + # No Text + return None + else: + return response_json['responses'][0]['textAnnotations'][1:] diff --git a/screencoder/UIED/detect_text/text_detection.py b/screencoder/UIED/detect_text/text_detection.py new file mode 100644 index 0000000000000000000000000000000000000000..7ab205b2f8db57ee009d562634bf4db66b5cd442 --- /dev/null +++ b/screencoder/UIED/detect_text/text_detection.py @@ -0,0 +1,164 @@ +import detect_text.ocr as ocr +from detect_text.Text import Text +import numpy as np +import cv2 +import json +import time +import os +from os.path import join as pjoin + + +def save_detection_json(file_path, texts, img_shape): + f_out = open(file_path, 'w') + output = {'img_shape': img_shape, 'texts': []} + for text in texts: + c = {'id': text.id, 'content': text.content} + loc = text.location + c['column_min'], c['row_min'], c['column_max'], c['row_max'] = loc['left'], loc['top'], loc['right'], loc['bottom'] + c['width'] = text.width + c['height'] = text.height + output['texts'].append(c) + json.dump(output, f_out, indent=4) + + +def visualize_texts(org_img, texts, shown_resize_height=None, show=False, write_path=None): + img = org_img.copy() + for text in texts: + text.visualize_element(img, line=2) + + img_resize = img + if shown_resize_height is not None: + img_resize = cv2.resize(img, (int(shown_resize_height * (img.shape[1]/img.shape[0])), shown_resize_height)) + + if show: + cv2.imshow('texts', img_resize) + cv2.waitKey(0) + cv2.destroyWindow('texts') + if write_path is not None: + cv2.imwrite(write_path, img) + + +def text_sentences_recognition(texts): + ''' + Merge separate words detected by Google ocr into a sentence + ''' + changed = True + while changed: + changed = False + temp_set = [] + for text_a in texts: + merged = False + for text_b in temp_set: + if text_a.is_on_same_line(text_b, 'h', bias_justify=0.2 * min(text_a.height, text_b.height), bias_gap=2 * max(text_a.word_width, text_b.word_width)): + text_b.merge_text(text_a) + merged = True + changed = True + break + if not merged: + temp_set.append(text_a) + texts = temp_set.copy() + + for i, text in enumerate(texts): + text.id = i + return texts + + +def merge_intersected_texts(texts): + ''' + Merge intersected texts (sentences or words) + ''' + changed = True + while changed: + changed = False + temp_set = [] + for text_a in texts: + merged = False + for text_b in temp_set: + if text_a.is_intersected(text_b, bias=2): + text_b.merge_text(text_a) + merged = True + changed = True + break + if not merged: + temp_set.append(text_a) + texts = temp_set.copy() + return texts + + +def text_cvt_orc_format(ocr_result): + texts = [] + if ocr_result is not None: + for i, result in enumerate(ocr_result): + error = False + x_coordinates = [] + y_coordinates = [] + text_location = result['boundingPoly']['vertices'] + content = result['description'] + for loc in text_location: + if 'x' not in loc or 'y' not in loc: + error = True + break + x_coordinates.append(loc['x']) + y_coordinates.append(loc['y']) + if error: continue + location = {'left': min(x_coordinates), 'top': min(y_coordinates), + 'right': max(x_coordinates), 'bottom': max(y_coordinates)} + texts.append(Text(i, content, location)) + return texts + + +def text_cvt_orc_format_paddle(paddle_result): + texts = [] + for i, line in enumerate(paddle_result): + points = np.array(line[0]) + location = {'left': int(min(points[:, 0])), 'top': int(min(points[:, 1])), 'right': int(max(points[:, 0])), + 'bottom': int(max(points[:, 1]))} + content = line[1][0] + texts.append(Text(i, content, location)) + return texts + + +def text_filter_noise(texts): + valid_texts = [] + for text in texts: + if len(text.content) <= 1 and text.content.lower() not in ['a', ',', '.', '!', '?', '$', '%', ':', '&', '+']: + continue + valid_texts.append(text) + return valid_texts + + +def text_detection(input_file='../data/input/30800.jpg', output_file='../data/output', show=False, method='paddle', paddle_model=None): + ''' + :param method: google or paddle + :param paddle_model: the preload paddle model for paddle ocr + ''' + start = time.perf_counter() + name = input_file.split('/')[-1][:-4] + ocr_root = pjoin(output_file, 'ocr') + img = cv2.imread(input_file) + + if method == 'google': + print('*** Detect Text through Google OCR ***') + ocr_result = ocr.ocr_detection_google(input_file) + texts = text_cvt_orc_format(ocr_result) + texts = merge_intersected_texts(texts) + texts = text_filter_noise(texts) + texts = text_sentences_recognition(texts) + elif method == 'paddle': + # The import of the paddle ocr can be separate to the beginning of the program if you decide to use this method + from paddleocr import PaddleOCR + print('*** Detect Text through Paddle OCR ***') + if paddle_model is None: + paddle_model = PaddleOCR(use_angle_cls=True, lang="ch") + result = paddle_model.ocr(input_file) + texts = text_cvt_orc_format_paddle(result) + else: + raise ValueError('Method has to be "google" or "paddle"') + + visualize_texts(img, texts, shown_resize_height=800, show=show, write_path=pjoin(ocr_root, name+'.png')) + save_detection_json(pjoin(ocr_root, name+'.json'), texts, img.shape) + print("[Text Detection Completed in %.3f s] Input: %s Output: %s" % (time.perf_counter() - start, input_file, pjoin(ocr_root, name+'.json'))) + + +# text_detection() + diff --git a/screencoder/UIED/filter_bboxes.py b/screencoder/UIED/filter_bboxes.py new file mode 100644 index 0000000000000000000000000000000000000000..e912402acdb19a741195ec599958f6cbc2daa604 --- /dev/null +++ b/screencoder/UIED/filter_bboxes.py @@ -0,0 +1,107 @@ +#!/usr/bin/env python3 +# -*- coding: utf-8 -*- +import json +import argparse +from pathlib import Path + + +def filter_contained_bboxes(bboxes): + """ + Filters a list of bounding boxes by removing any box that is fully contained within another. + + Args: + bboxes (list of dict): A list of bounding boxes. Each bbox is expected to be a + dictionary with 'column_min', 'row_min', 'column_max', 'row_max'. + + Returns: + list of dict: A new list of bounding boxes with the smaller, contained boxes removed. + """ + # A set to store the indices of bboxes to be removed. + # Using a set avoids duplicates and provides fast membership checking. + indices_to_remove = set() + + # Compare every bbox with every other bbox. + for i in range(len(bboxes)): + for j in range(len(bboxes)): + # Don't compare a bbox to itself. + if i == j: + continue + + bbox_a = bboxes[i] + bbox_b = bboxes[j] + + # Check if bbox_a contains bbox_b + # This is true if bbox_b's corners are all within bbox_a's corners. + # Note: If they are identical, one will contain the other. + is_contained = (bbox_a['column_min'] <= bbox_b['column_min'] and + bbox_a['row_min'] <= bbox_b['row_min'] and + bbox_a['column_max'] >= bbox_b['column_max'] and + bbox_a['row_max'] >= bbox_b['row_max']) + + if is_contained: + # If bbox_a and bbox_b are identical, this logic will flag one for removal + # based on its index, which is acceptable for de-duplication. + # If bbox_a is strictly larger, bbox_b is the smaller one and should be removed. + indices_to_remove.add(j) + + # Create a new list containing only the bboxes that were not marked for removal. + filtered_bboxes = [bbox for i, bbox in enumerate(bboxes) if i not in indices_to_remove] + + return filtered_bboxes + + +def main(): + parser = argparse.ArgumentParser( + description="Filter bounding boxes in a JSON file, removing any box that is contained within another.", + formatter_class=argparse.RawTextHelpFormatter + ) + parser.add_argument('input_file', type=Path, + help="Path to the input JSON file containing a list of bounding boxes.\n" + "Example: public/assets/demo1_output/ip/demo1.json") + parser.add_argument('output_file', type=Path, + help="Path to save the filtered JSON file.\n" + "Example: public/assets/demo1_output/ip/demo1_filtered.json") + args = parser.parse_args() + + # --- Read Input --- + if not args.input_file.exists(): + print(f"Error: Input file not found at {args.input_file}") + return + + print(f"Reading bounding boxes from: {args.input_file}") + with open(args.input_file, 'r') as f: + # The JSON format from compo_detection is a dictionary with a 'compos' key. + data = json.load(f) + if isinstance(data, dict) and 'compos' in data: + initial_bboxes = data['compos'] + elif isinstance(data, list): + initial_bboxes = data + else: + print(f"Error: Unexpected JSON format in {args.input_file}") + return + + print(f"Found {len(initial_bboxes)} bounding boxes.") + + # --- Filter Bboxes --- + print("Filtering contained bounding boxes...") + filtered_bboxes = filter_contained_bboxes(initial_bboxes) + print(f"{len(filtered_bboxes)} bounding boxes remaining after filtering.") + + # --- Write Output --- + # Create the output directory if it doesn't exist. + args.output_file.parent.mkdir(parents=True, exist_ok=True) + + # Wrap the result in the same structure as the input + if isinstance(data, dict) and 'compos' in data: + output_data = data.copy() + output_data['compos'] = filtered_bboxes + else: + output_data = filtered_bboxes + + with open(args.output_file, 'w') as f: + json.dump(output_data, f, indent=4) + print(f"Successfully saved filtered bounding boxes to: {args.output_file}") + + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/screencoder/UIED/logs/cfg-for-web.txt b/screencoder/UIED/logs/cfg-for-web.txt new file mode 100644 index 0000000000000000000000000000000000000000..a7a5bcfcc62664cf08fc281544f42cf616b99d60 --- /dev/null +++ b/screencoder/UIED/logs/cfg-for-web.txt @@ -0,0 +1,19 @@ +Testing image: data/input/9.png + +1. detect_compo/ip_region_proposal.py +# smaller minarea 50 -> 25 +line 70: uied_params = {'param-grad':5, 'param-block':5, 'param-minarea':25} + +2. detect_compo/lib_ip/ip_detection.py +line 289-290 comment: # remove filter of aspect ratio +line 342-344 comment: # remove is_line check + +3. detect_text_east/lib_east/eval.py +# smaller max_word_gap 10 -> 5 +line 52: def merge_text(corners, max_word_gad=5) # + +4. merge.py +# smaller horizontal max gap to merge lines (6,0) -> (4,0) +line 199 max_gap=(4,0) +# smaller vertical max gap to merge paragraph (0,6) -> (0,4) +line 202 max_gap=(0,6) \ No newline at end of file diff --git a/screencoder/UIED/logs/log.txt b/screencoder/UIED/logs/log.txt new file mode 100644 index 0000000000000000000000000000000000000000..e92b2089092818845831ca04eeb6f80ee76604f4 --- /dev/null +++ b/screencoder/UIED/logs/log.txt @@ -0,0 +1,22 @@ +16:10 8/7/2020 +- Synchronized with Webapp. +- Add image inspection. +- Used No-line v1. +- No-line v2 requires bug fix with consideration of gap. + + +11:00 23/7/2020 +- Synchronized with Webapp. + +10:53 4/8/2020 +- Synchronized with Webapp. + +7/10/2020 +- Extract parameters as configurable + +30/10/2020 +- Speed optimization (500% boost) + +11/11/2020 +- Revise rm_line +- Add adjustable track bar testing \ No newline at end of file diff --git a/screencoder/UIED/logs/speed-improvement.txt b/screencoder/UIED/logs/speed-improvement.txt new file mode 100644 index 0000000000000000000000000000000000000000..2bc6732afdaf49f082f8a02ad4cf9904fe9e1a2f --- /dev/null +++ b/screencoder/UIED/logs/speed-improvement.txt @@ -0,0 +1,12 @@ +Optimization: +1. ip_preprocessing.py / gray_to_gradient : 0.5s -> 0.02s + +2. ip_draw.py / draw_bounding_box : if not show and write_path is None: return : 0.005s -> 0s + +3. ip_detection.py / component_detection : if ff[0] < min_obj_area: continue : 2.5s -> 0.3s + +4. ip_detection.py / component_detection : cv2.findNonZero : 0.65s -> 0.33s + +5. block_division.py / block_division : if ff[0] < 500 : continue: 1.97s -> 1s + +6. block_division.py / block_division : Turn off draw : 1s -> 0.65s \ No newline at end of file diff --git a/screencoder/UIED/result_processing/Untitled.ipynb b/screencoder/UIED/result_processing/Untitled.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..d43ac1e0c8bb7857b5e693cf4ea4ad925a457ce9 --- /dev/null +++ b/screencoder/UIED/result_processing/Untitled.ipynb @@ -0,0 +1,937 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import json\n", + "import numpy as np\n", + "import cv2\n", + "from glob import glob\n", + "from os.path import join as pjoin\n", + "from tqdm import tqdm\n", + "\n", + "\n", + "def resize_label(bboxes, d_height, gt_height, bias=0):\n", + " bboxes_new = []\n", + " scale = gt_height / d_height\n", + " for bbox in bboxes:\n", + " bbox = [int(b * scale + bias) for b in bbox]\n", + " bboxes_new.append(bbox)\n", + " return bboxes_new\n", + "\n", + "\n", + "def draw_bounding_box(org, corners, color=(0, 255, 0), line=2, show=False):\n", + " board = org.copy()\n", + " for i in range(len(corners)):\n", + " board = cv2.rectangle(board, (corners[i][0], corners[i][1]), (corners[i][2], corners[i][3]), color, line)\n", + " if show:\n", + " cv2.imshow('a', cv2.resize(board, (500, 1000)))\n", + " cv2.waitKey(0)\n", + " return board\n", + "\n", + "\n", + "def load_detect_result_json(reslut_file_root, shrink=0):\n", + " def is_bottom_or_top(corner):\n", + " column_min, row_min, column_max, row_max = corner\n", + " if row_max < 36 or row_min > 725:\n", + " return True\n", + " return False\n", + "\n", + " result_files = glob(pjoin(reslut_file_root, '*.json'))\n", + " compos_reform = {}\n", + " print('Loading %d detection results' % len(result_files))\n", + " for reslut_file in tqdm(result_files):\n", + " img_name = reslut_file.split('\\\\')[-1].split('.')[0]\n", + " compos = json.load(open(reslut_file, 'r'))['compos']\n", + " for compo in compos:\n", + " if is_bottom_or_top((compo['column_min'], compo['row_min'], compo['column_max'], compo['row_max'])):\n", + " continue\n", + " if img_name not in compos_reform:\n", + " compos_reform[img_name] = {'bboxes': [[compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, compo['row_max'] - shrink]],\n", + " 'categories': [compo['category']]}\n", + " else:\n", + " compos_reform[img_name]['bboxes'].append([compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, compo['row_max'] - shrink])\n", + " compos_reform[img_name]['categories'].append(compo['category'])\n", + " return compos_reform\n", + "\n", + "\n", + "def load_ground_truth_json(gt_file):\n", + " def get_img_by_id(img_id):\n", + " for image in images:\n", + " if image['id'] == img_id:\n", + " return image['file_name'].split('/')[-1][:-4], (image['height'], image['width'])\n", + "\n", + " def cvt_bbox(bbox):\n", + " '''\n", + " :param bbox: [x,y,width,height]\n", + " :return: [col_min, row_min, col_max, row_max]\n", + " '''\n", + " bbox = [int(b) for b in bbox]\n", + " return [bbox[0], bbox[1], bbox[0] + bbox[2], bbox[1] + bbox[3]]\n", + "\n", + " data = json.load(open(gt_file, 'r'))\n", + " images = data['images']\n", + " annots = data['annotations']\n", + " compos = {}\n", + " print('Loading %d ground truth' % len(annots))\n", + " for annot in tqdm(annots):\n", + " img_name, size = get_img_by_id(annot['image_id'])\n", + " if img_name not in compos:\n", + " compos[img_name] = {'bboxes': [cvt_bbox(annot['bbox'])], 'categories': [annot['category_id']], 'size': size}\n", + " else:\n", + " compos[img_name]['bboxes'].append(cvt_bbox(annot['bbox']))\n", + " compos[img_name]['categories'].append(annot['category_id'])\n", + " return compos\n", + "\n", + "\n", + "def eval(detection, ground_truth, img_root, show=True, no_text=False, only_text=False):\n", + " def compo_filter(compos, flag):\n", + " if not no_text and not only_text:\n", + " return compos\n", + " compos_new = {'bboxes': [], 'categories': []}\n", + " for k, category in enumerate(compos['categories']):\n", + " if only_text:\n", + " if flag == 'det' and category != 'TextView':\n", + " continue\n", + " if flag == 'gt' and int(category) != 14:\n", + " continue\n", + " elif no_text:\n", + " if flag == 'det' and category == 'TextView':\n", + " continue\n", + " if flag == 'gt' and int(category) == 14:\n", + " continue\n", + "\n", + " compos_new['bboxes'].append(compos['bboxes'][k])\n", + " compos_new['categories'].append(category)\n", + " return compos_new\n", + "\n", + " def match(org, d_bbox, gt_bboxes, matched):\n", + " '''\n", + " :param matched: mark if the ground truth component is matched\n", + " :param d_bbox: [col_min, row_min, col_max, row_max]\n", + " :param gt_bboxes: list of ground truth [[col_min, row_min, col_max, row_max]]\n", + " :return: Boolean: if IOU large enough or detected box is contained by ground truth\n", + " '''\n", + " area_d = (d_bbox[2] - d_bbox[0]) * (d_bbox[3] - d_bbox[1])\n", + " for i, gt_bbox in enumerate(gt_bboxes):\n", + " if matched[i] == 0:\n", + " continue\n", + " area_gt = (gt_bbox[2] - gt_bbox[0]) * (gt_bbox[3] - gt_bbox[1])\n", + " col_min = max(d_bbox[0], gt_bbox[0])\n", + " row_min = max(d_bbox[1], gt_bbox[1])\n", + " col_max = min(d_bbox[2], gt_bbox[2])\n", + " row_max = min(d_bbox[3], gt_bbox[3])\n", + " # if not intersected, area intersection should be 0\n", + " w = max(0, col_max - col_min)\n", + " h = max(0, row_max - row_min)\n", + " area_inter = w * h\n", + " if area_inter == 0:\n", + " continue\n", + " iod = area_inter / area_d\n", + " iou = area_inter / (area_d + area_gt - area_inter)\n", + " # if show:\n", + " # cv2.putText(org, (str(round(iou, 2)) + ',' + str(round(iod, 2))), (d_bbox[0], d_bbox[1]),\n", + " # cv2.FONT_HERSHEY_SIMPLEX, 1, (0, 0, 255), 2)\n", + "\n", + " if iou > 0.9 or iod == 1:\n", + " matched[i] = 0\n", + " return True\n", + " return False\n", + "\n", + " amount = len(detection)\n", + " TP, FP, FN = 0, 0, 0\n", + " pres, recalls, f1s = [], [], []\n", + " for i, image_id in enumerate(detection):\n", + " TP_this, FP_this, FN_this = 0, 0, 0\n", + " img = cv2.imread(pjoin(img_root, image_id + '.jpg'))\n", + " d_compos = detection[image_id]\n", + " gt_compos = ground_truth[image_id]\n", + "\n", + " org_height = gt_compos['size'][0]\n", + "\n", + " d_compos = compo_filter(d_compos, 'det')\n", + " gt_compos = compo_filter(gt_compos, 'gt')\n", + "\n", + " d_compos['bboxes'] = resize_label(d_compos['bboxes'], 800, org_height)\n", + " matched = np.ones(len(gt_compos['bboxes']), dtype=int)\n", + " for d_bbox in d_compos['bboxes']:\n", + " if match(img, d_bbox, gt_compos['bboxes'], matched):\n", + " TP += 1\n", + " TP_this += 1\n", + " else:\n", + " FP += 1\n", + " FP_this += 1\n", + " FN += sum(matched)\n", + " FN_this = sum(matched)\n", + "\n", + " try:\n", + " pre_this = TP_this / (TP_this + FP_this)\n", + " recall_this = TP_this / (TP_this + FN_this)\n", + " f1_this = 2 * (pre_this * recall_this) / (pre_this + recall_this)\n", + " except:\n", + " print('empty')\n", + " continue\n", + "\n", + " pres.append(pre_this)\n", + " recalls.append(recall_this)\n", + " f1s.append(f1_this)\n", + " if show:\n", + " print(image_id + '.jpg')\n", + " print('[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f' % (\n", + " i, amount, TP_this, FP_this, FN_this, pre_this, recall_this))\n", + " cv2.imshow('org', cv2.resize(img, (500, 1000)))\n", + " broad = draw_bounding_box(img, d_compos['bboxes'], color=(255, 0, 0), line=3)\n", + " draw_bounding_box(broad, gt_compos['bboxes'], color=(0, 0, 255), show=True, line=2)\n", + "\n", + " if i % 200 == 0:\n", + " precision = TP / (TP + FP)\n", + " recall = TP / (TP + FN)\n", + " f1 = 2 * (precision * recall) / (precision + recall)\n", + " print(\n", + " '[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f, F1:%.3f' % (i, amount, TP, FP, FN, precision, recall, f1))\n", + "\n", + " precision = TP / (TP + FP)\n", + " recall = TP / (TP + FN)\n", + " print('[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f, F1:%.3f' % (i, amount, TP, FP, FN, precision, recall, f1))\n", + " # print(\"Average precision:%.4f; Average recall:%.3f\" % (sum(pres)/len(pres), sum(recalls)/len(recalls)))\n", + "\n", + " return pres, recalls, f1s" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "metadata": {}, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import math\n", + "\n", + "def draw_plot(data, title='Score for our approach'):\n", + " for i in range(len(data)):\n", + " data[i] = [d for d in data[i] if not math.isnan(d)]\n", + "# plt.title(title)\n", + " labels = ['Precision', 'Recall', 'F1']\n", + " bplot = plt.boxplot(data, patch_artist=True, labels=labels) # 设置箱型图可填充\n", + " colors = ['pink', 'lightblue', 'lightgreen']\n", + " for patch, color in zip(bplot['boxes'], colors):\n", + " patch.set_facecolor(color) \n", + " plt.grid(axis='y')\n", + " plt.xticks(fontsize=16)\n", + " plt.yticks(fontsize=16)\n", + " plt.savefig(title + '.png')\n", + " plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 9%|███████▏ | 442/4708 [00:00<00:01, 4173.66it/s]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loading 4708 detection results\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|████████████████████████████████████████████████████████████████████████████| 4708/4708 [00:01<00:00, 4404.67it/s]\n" + ] + } + ], + "source": [ + "detect = load_detect_result_json('E:\\\\Mulong\\\\Result\\\\rico\\\\rico_uied\\\\rico_new_uied_cls\\\\merge')" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 8%|█████▉ | 6915/86646 [00:00<00:01, 68670.52it/s]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loading 86646 ground truth\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████████████████████████████████████████████████████████████████████| 86646/86646 [00:11<00:00, 7576.11it/s]\n" + ] + } + ], + "source": [ + "gt = load_ground_truth_json('E:\\\\Mulong\\\\Datasets\\\\rico\\\\instances_test.json')" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[0/4707] TP:16, FP:0, FN:0, Precesion:1.000, Recall:1.000, F1:1.000\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "D:\\Anaconda\\lib\\site-packages\\ipykernel_launcher.py:165: RuntimeWarning: invalid value encountered in double_scalars\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[200/4707] TP:2222, FP:2920, FN:1705, Precesion:0.432, Recall:0.566, F1:0.490\n", + "[400/4707] TP:4616, FP:5737, FN:3346, Precesion:0.446, Recall:0.580, F1:0.504\n", + "[600/4707] TP:6963, FP:8682, FN:4812, Precesion:0.445, Recall:0.591, F1:0.508\n", + "[800/4707] TP:9367, FP:11432, FN:6305, Precesion:0.450, Recall:0.598, F1:0.514\n", + "[1000/4707] TP:11222, FP:14346, FN:7511, Precesion:0.439, Recall:0.599, F1:0.507\n", + "[1200/4707] TP:13680, FP:17278, FN:8901, Precesion:0.442, Recall:0.606, F1:0.511\n", + "[1400/4707] TP:16274, FP:20664, FN:10379, Precesion:0.441, Recall:0.611, F1:0.512\n", + "[1600/4707] TP:18431, FP:23002, FN:11556, Precesion:0.445, Recall:0.615, F1:0.516\n", + "[1800/4707] TP:20718, FP:25600, FN:13049, Precesion:0.447, Recall:0.614, F1:0.517\n", + "[2000/4707] TP:23009, FP:28626, FN:14588, Precesion:0.446, Recall:0.612, F1:0.516\n", + "[2200/4707] TP:25424, FP:31555, FN:16191, Precesion:0.446, Recall:0.611, F1:0.516\n", + "[2400/4707] TP:27559, FP:34176, FN:17388, Precesion:0.446, Recall:0.613, F1:0.517\n", + "[2600/4707] TP:29820, FP:37065, FN:18617, Precesion:0.446, Recall:0.616, F1:0.517\n", + "[2800/4707] TP:32108, FP:39846, FN:20018, Precesion:0.446, Recall:0.616, F1:0.518\n", + "[3000/4707] TP:34188, FP:43112, FN:21399, Precesion:0.442, Recall:0.615, F1:0.515\n", + "[3200/4707] TP:36558, FP:46011, FN:23002, Precesion:0.443, Recall:0.614, F1:0.514\n", + "[3400/4707] TP:38783, FP:48918, FN:24365, Precesion:0.442, Recall:0.614, F1:0.514\n", + "[3600/4707] TP:40958, FP:51829, FN:25605, Precesion:0.441, Recall:0.615, F1:0.514\n", + "[3800/4707] TP:43270, FP:54963, FN:26841, Precesion:0.440, Recall:0.617, F1:0.514\n", + "[4000/4707] TP:45512, FP:57838, FN:28141, Precesion:0.440, Recall:0.618, F1:0.514\n", + "[4200/4707] TP:47544, FP:60789, FN:29420, Precesion:0.439, Recall:0.618, F1:0.513\n", + "[4400/4707] TP:49907, FP:64407, FN:30897, Precesion:0.437, Recall:0.618, F1:0.512\n", + "[4600/4707] TP:52181, FP:67592, FN:32399, Precesion:0.436, Recall:0.617, F1:0.511\n", + "[4706/4707] TP:53393, FP:69230, FN:33248, Precesion:0.435, Recall:0.616, F1:0.511\n" + ] + } + ], + "source": [ + "no_text = False\n", + "only_text = False\n", + "pres_all, recalls_all, f1_all = eval(detect, gt, 'E:\\\\Mulong\\\\Datasets\\\\rico\\\\combined', show=False, no_text=no_text, only_text=only_text)" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[0/4707] TP:1, FP:0, FN:0, Precesion:1.000, Recall:1.000, F1:1.000\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "D:\\Anaconda\\lib\\site-packages\\ipykernel_launcher.py:165: RuntimeWarning: invalid value encountered in double_scalars\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[200/4707] TP:973, FP:2022, FN:891, Precesion:0.325, Recall:0.522, F1:0.400\n", + "empty\n", + "[400/4707] TP:1921, FP:3905, FN:1788, Precesion:0.330, Recall:0.518, F1:0.403\n", + "[600/4707] TP:2847, FP:6079, FN:2717, Precesion:0.319, Recall:0.512, F1:0.393\n", + "empty\n", + "empty\n", + "empty\n", + "[800/4707] TP:3774, FP:7895, FN:3574, Precesion:0.323, Recall:0.514, F1:0.397\n", + "empty\n", + "[1000/4707] TP:4478, FP:9951, FN:4229, Precesion:0.310, Recall:0.514, F1:0.387\n", + "empty\n", + "empty\n", + "[1200/4707] TP:5451, FP:12055, FN:4960, Precesion:0.311, Recall:0.524, F1:0.391\n", + "empty\n", + "empty\n", + "empty\n", + "[1400/4707] TP:6493, FP:14405, FN:5804, Precesion:0.311, Recall:0.528, F1:0.391\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[1600/4707] TP:7372, FP:15980, FN:6375, Precesion:0.316, Recall:0.536, F1:0.397\n", + "empty\n", + "empty\n", + "empty\n", + "[1800/4707] TP:8273, FP:17814, FN:7156, Precesion:0.317, Recall:0.536, F1:0.399\n", + "empty\n", + "empty\n", + "[2000/4707] TP:9273, FP:19993, FN:8051, Precesion:0.317, Recall:0.535, F1:0.398\n", + "empty\n", + "[2200/4707] TP:10293, FP:22055, FN:8869, Precesion:0.318, Recall:0.537, F1:0.400\n", + "[2400/4707] TP:11207, FP:23944, FN:9524, Precesion:0.319, Recall:0.541, F1:0.401\n", + "empty\n", + "empty\n", + "[2600/4707] TP:12103, FP:25932, FN:10276, Precesion:0.318, Recall:0.541, F1:0.401\n", + "[2800/4707] TP:12994, FP:27792, FN:11122, Precesion:0.319, Recall:0.539, F1:0.400\n", + "empty\n", + "empty\n", + "[3000/4707] TP:13839, FP:30256, FN:11943, Precesion:0.314, Recall:0.537, F1:0.396\n", + "[3200/4707] TP:14758, FP:32276, FN:12851, Precesion:0.314, Recall:0.535, F1:0.395\n", + "empty\n", + "[3400/4707] TP:15718, FP:34337, FN:13627, Precesion:0.314, Recall:0.536, F1:0.396\n", + "[3600/4707] TP:16695, FP:36424, FN:14263, Precesion:0.314, Recall:0.539, F1:0.397\n", + "[3800/4707] TP:17641, FP:38693, FN:14932, Precesion:0.313, Recall:0.542, F1:0.397\n", + "empty\n", + "empty\n", + "[4000/4707] TP:18651, FP:40641, FN:15653, Precesion:0.315, Recall:0.544, F1:0.399\n", + "empty\n", + "[4200/4707] TP:19554, FP:42631, FN:16305, Precesion:0.314, Recall:0.545, F1:0.399\n", + "empty\n", + "empty\n", + "[4400/4707] TP:20584, FP:45335, FN:17197, Precesion:0.312, Recall:0.545, F1:0.397\n", + "[4600/4707] TP:21416, FP:47595, FN:17950, Precesion:0.310, Recall:0.544, F1:0.395\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[4706/4707] TP:21870, FP:48657, FN:18391, Precesion:0.310, Recall:0.543, F1:0.395\n" + ] + } + ], + "source": [ + "no_text = True\n", + "only_text = False\n", + "pres_non_text, recalls_non_text, f1_non_text = eval(detect, gt, 'E:\\\\Mulong\\\\Datasets\\\\rico\\\\combined', show=False, no_text=no_text, only_text=only_text)" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[0/4707] TP:15, FP:0, FN:0, Precesion:1.000, Recall:1.000, F1:1.000\n", + "empty\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "D:\\Anaconda\\lib\\site-packages\\ipykernel_launcher.py:165: RuntimeWarning: invalid value encountered in double_scalars\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[200/4707] TP:1041, FP:1106, FN:1022, Precesion:0.485, Recall:0.505, F1:0.495\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[400/4707] TP:2185, FP:2342, FN:2068, Precesion:0.483, Recall:0.514, F1:0.498\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[600/4707] TP:3272, FP:3447, FN:2939, Precesion:0.487, Recall:0.527, F1:0.506\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[800/4707] TP:4505, FP:4625, FN:3819, Precesion:0.493, Recall:0.541, F1:0.516\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[1000/4707] TP:5426, FP:5713, FN:4600, Precesion:0.487, Recall:0.541, F1:0.513\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[1200/4707] TP:6649, FP:6803, FN:5521, Precesion:0.494, Recall:0.546, F1:0.519\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[1400/4707] TP:7890, FP:8150, FN:6466, Precesion:0.492, Recall:0.550, F1:0.519\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[1600/4707] TP:8964, FP:9117, FN:7276, Precesion:0.496, Recall:0.552, F1:0.522\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[1800/4707] TP:10052, FP:10179, FN:8286, Precesion:0.497, Recall:0.548, F1:0.521\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[2000/4707] TP:11126, FP:11243, FN:9147, Precesion:0.497, Recall:0.549, F1:0.522\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[2200/4707] TP:12213, FP:12418, FN:10240, Precesion:0.496, Recall:0.544, F1:0.519\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[2400/4707] TP:13243, FP:13341, FN:10973, Precesion:0.498, Recall:0.547, F1:0.521\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[2600/4707] TP:14377, FP:14473, FN:11681, Precesion:0.498, Recall:0.552, F1:0.524\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[2800/4707] TP:15494, FP:15674, FN:12516, Precesion:0.497, Recall:0.553, F1:0.524\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[3000/4707] TP:16471, FP:16734, FN:13334, Precesion:0.496, Recall:0.553, F1:0.523\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[3200/4707] TP:17644, FP:17891, FN:14307, Precesion:0.497, Recall:0.552, F1:0.523\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[3400/4707] TP:18711, FP:18935, FN:15092, Precesion:0.497, Recall:0.554, F1:0.524\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[3600/4707] TP:19710, FP:19958, FN:15895, Precesion:0.497, Recall:0.554, F1:0.524\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[3800/4707] TP:20845, FP:21054, FN:16693, Precesion:0.498, Recall:0.555, F1:0.525\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[4000/4707] TP:21881, FP:22177, FN:17468, Precesion:0.497, Recall:0.556, F1:0.525\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[4200/4707] TP:22842, FP:23306, FN:18263, Precesion:0.495, Recall:0.556, F1:0.524\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[4400/4707] TP:23930, FP:24465, FN:19093, Precesion:0.494, Recall:0.556, F1:0.524\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[4600/4707] TP:25015, FP:25747, FN:20199, Precesion:0.493, Recall:0.553, F1:0.521\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "empty\n", + "[4706/4707] TP:25638, FP:26458, FN:20742, Precesion:0.492, Recall:0.553, F1:0.521\n" + ] + } + ], + "source": [ + "no_text = False\n", + "only_text = True\n", + "pres_text, recalls_text, f1_text = eval(detect, gt, 'E:\\\\Mulong\\\\Datasets\\\\rico\\\\combined', show=False, no_text=no_text, only_text=only_text)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "D:\\Anaconda\\lib\\site-packages\\matplotlib\\figure.py:448: UserWarning: Matplotlib is currently using module://ipykernel.pylab.backend_inline, which is a non-GUI backend, so cannot show the figure.\n", + " % get_backend())\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXcAAAD8CAYAAACMwORRAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvqOYd8AAAD/lJREFUeJzt3XuMXGd9xvHvE4dwycWJa7qlScARmIKLCqFLAqSUdaEioVXcqoQmKrcqYKlqoBRaGkQVTPoHhapFvRha00ZQoISAIHUjQ0DUq4SAwevciBMiuSbUblDDxQQBhRDy6x9zDMNk1zO7nt11Xn8/0sjn8s45vxm/fvb43ZnzpqqQJLXlmOUuQJI0foa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUHHLteJV69eXWvWrFmu00vSQ9KuXbu+XlWPHtZu2cJ9zZo1zMzMLNfpJekhKclXRmnnsIwkNchwl6QGGe6S1CDDXZIaZLhLUoOGhnuSK5Lck+S2OfYnyd8l2ZPk1iRPH3+ZkqT5GOXK/T3AuYfYfx6wtntsBN51+GVJkg7H0HCvquuAbx6iyQbgX6tnB3BykseMq0BJ0vyN40tMpwL7+tb3d9u+OtgwyUZ6V/dMTEwwPT09htMfPdavX7+g523fvn3MlUgPtpD+ad9cPOMI98yybdZZt6tqC7AFYHJysqampsZw+qPHoSYzT3LI/dJim6v/2TeXxzg+LbMfOL1v/TTg7jEcV5K0QOMI963Ay7pPzTwTuLeqHjQkI0laOkOHZZJ8EJgCVifZD7wZeBhAVf0jsA14IbAH+B7w+4tVrCRpNEPDvaouGrK/gD8cW0WSpMPmN1QlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S5mXVqlUkGfkBzKt9ElatWrXMr/KhbxyTdUg6ihw4cGDRJ984+ENBC+eVuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDVopHBPcm6SO5PsSXLpLPsfm2R7kpuS3JrkheMvVZI0qqHhnmQFsBk4D1gHXJRk3UCzPweuqqozgQuBd467UEnS6Ea5cj8L2FNVe6vqPuBKYMNAmwJO6pZXAnePr0RJ0nyNMkH2qcC+vvX9wNkDbTYBn0zyauB44PljqU6StCCjhPts05APTn1+EfCeqvrrJM8C3pfkKVX1wE8dKNkIbASYmJhgenp6ASVrLr6fWipL0dfsz4cnVYM5PdCgF9abquoF3fobAarqrX1tdgPnVtW+bn0v8Myqumeu405OTtbMzMzhvwIBkIRhf5fSOCxFX7M/zy3JrqqaHNZulDH3ncDaJGckOY7eL0y3DrT5b+B53YmfDDwC+Nr8SpYkjcvQcK+q+4FLgGuBO+h9KmZ3ksuTnN81ez3wqiS3AB8EXlH+2JWkZTPKmDtVtQ3YNrDtsr7l24FzxluaJGmh/IaqJDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUEjfYlJkg6qN58Em1Yu/jl0WAx3SfOSt3x7aW4ctmlRT9E8h2UkqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhvsRaNWqVSSZ1wOYV/tVq1Yt86uUtJi8/cAR6MCBA0vy9W5J7fLKXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDRgr3JOcmuTPJniSXztHmxUluT7I7yb+Nt0xJ0nwMvbdMkhXAZuDXgf3AziRbq+r2vjZrgTcC51TVgSQ/u1gFS5KGG+XK/SxgT1Xtrar7gCuBDQNtXgVsrqoDAFV1z3jLlCTNxyh3hTwV2Ne3vh84e6DNEwGS3ACsADZV1ScGD5RkI7ARYGJigunp6QWUfHRYivfG918LZf888mXYrWWTXAC8oKpe2a2/FDirql7d1+Ya4IfAi4HTgOuBp1TVt+Y67uTkZM3MzBz+K2hQkiW55e9in0Ntsn8uryS7qmpyWLtRhmX2A6f3rZ8G3D1Lm3+vqh9W1ZeBO4G1oxYrSRqvUcJ9J7A2yRlJjgMuBLYOtLkaWA+QZDW9YZq94yxUkjS6oeFeVfcDlwDXAncAV1XV7iSXJzm/a3Yt8I0ktwPbgT+tqm8sVtGSpEMbOua+WBxzn5tjmjqS2T+X1zjH3CVJDzGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoNGmUNVS6zefBJsWrn455AWKMmiHv+UU05Z1OMfDQz3I1De8u2luV/2pkU9hRo1377pvdmXh8MyktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBI4V7knOT3JlkT5JLD9HuRUkqyeT4SpQkzdfQcE+yAtgMnAesAy5Ksm6WdicCrwE+P+4iJUnzM8qV+1nAnqraW1X3AVcCG2Zp9xfA24Hvj7E+SdICjBLupwL7+tb3d9t+LMmZwOlVdc0Ya5MkLdAo0+zNNlnij+fMSnIM8A7gFUMPlGwENgJMTEwwPT09UpFHo6V4b3z/tVTsa0svw+Y2TPIsYFNVvaBbfyNAVb21W18J/Bfwne4pPwd8Ezi/qmbmOu7k5GTNzMy5+6i2FHNOOq+llop9bbyS7KqqoR9aGWVYZiewNskZSY4DLgS2HtxZVfdW1eqqWlNVa4AdDAl2SdLiGhruVXU/cAlwLXAHcFVV7U5yeZLzF7tASdL8jTLmTlVtA7YNbLtsjrZTh1+WJOlw+A1VSWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1aKQJsrX0kizq8U855ZRFPb6k5WW4H4Gqat7PSbKg50lqk8MyktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUoJHCPcm5Se5MsifJpbPsf12S25PcmuTTSR43/lIlSaMaGu5JVgCbgfOAdcBFSdYNNLsJmKyqXwI+Arx93IVKkkY3ypX7WcCeqtpbVfcBVwIb+htU1faq+l63ugM4bbxlSpLmY5Qbh50K7Otb3w+cfYj2FwMfn21Hko3ARoCJiQmmp6dHq1Ij8f3Ukcq+ufRGCffZ7j076+0Hk7wEmASeO9v+qtoCbAGYnJysqamp0arUSHw/daSyby69UcJ9P3B63/ppwN2DjZI8H3gT8Nyq+sF4ypMkLcQoY+47gbVJzkhyHHAhsLW/QZIzgX8Czq+qe8ZfpiRpPoaGe1XdD1wCXAvcAVxVVbuTXJ7k/K7ZXwEnAB9OcnOSrXMcTpK0BEaaiamqtgHbBrZd1rf8/DHXJUk6DH5DVZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDVopHBPcm6SO5PsSXLpLPsfnuRD3f7PJ1kz7kIlSaMbGu5JVgCbgfOAdcBFSdYNNLsYOFBVTwDeAbxt3IVKkkY3ypX7WcCeqtpbVfcBVwIbBtpsAN7bLX8EeF6SjK9MSdJ8jBLupwL7+tb3d9tmbVNV9wP3Aj8zjgIlSfN37AhtZrsCrwW0IclGYCPAxMQE09PTI5xeB61fv/6Q++f6z9L27dsXoxzppxyqf9o3l94o4b4fOL1v/TTg7jna7E9yLLAS+ObggapqC7AFYHJysqamphZQ8tGr6kE/L6Ujhv3zyDLKsMxOYG2SM5IcB1wIbB1osxV4ebf8IuA/y79pSVo2Q6/cq+r+JJcA1wIrgCuqaneSy4GZqtoK/AvwviR76F2xX7iYRUuSDm2UYRmqahuwbWDbZX3L3wcuGG9pkqSF8huqktQgw12SGmS4S1KDDHdJapDhLkkNynJ9HD3J14CvLMvJ27Qa+PpyFyHNwr45Xo+rqkcPa7Rs4a7xSjJTVZPLXYc0yL65PByWkaQGGe6S1CDDvR1blrsAaQ72zWXgmLskNcgrd0lqkOH+EJbks0P2b0ty8lLVI81HkjVJbuuWp5Jcs9w1tWSku0Jq8SVZUVU/ms9zqurZQ/a/8PCqkh6smx85VfXActeiuXnlvgS6K5QvJXlvkluTfCTJo5LcleSyJJ8BLkjy+CSfSLIryfVJntQ9fyLJx5Lc0j2e3W3/TvfnY5Jcl+TmJLcleU63/a4kq7vl13X7bkvy2r667kjy7iS7k3wyySO7fa9JcntX75XL8LbpCNLXV94J3Ai8NMnnktyY5MNJTujaPSPJZ7t++oUkJ3bPvb5re+PB/nuIcz2368s3J7kpyYlL8RqbU1U+FvkBrKE3p+w53foVwJ8AdwFv6Gv3aWBtt3w2vRmtAD4EvLZbXgGs7Ja/0/35euBNfftP7JbvovftwF8GvggcD5wA7AbO7Oq6H3ha1/4q4CXd8t3Aw7vlk5f7PfRxRPThB4Bndn3qOuD4bt+fAZcBxwF7gWd020+iNzrwKOAR3ba19Cb5OXjM27rlKeCabvk/+v6tnAAcu9yv/6H4cFhm6eyrqhu65fcDr+mWPwTQXfk8G/hw32TCD+/+/DXgZQDVG7q5d+DYO4ErkjwMuLqqbh7Y/yvAx6rqu925Pgo8h970iF/ua7+L3j84gFuBDyS5Grh6IS9YzflKVe1I8pvAOuCGrq8eB3wO+AXgq1W1E6Cqvg2Q5HjgH5I8DfgR8MQh57kB+JskHwA+WlX7F+XVNM5hmaUz+JnTg+vf7f48BvhWVT2t7/HkkQ5cdR3wq8D/0Jvu8GUDTWafer7nB33LP+Inv4f5DWAzvav+Xd3E5zq6HeyrAT7V10/XVdXF3fbZPlv9x8D/Ak8FJun9MJhTVf0l8ErgkcCOg8OTmh/Dfek8NsmzuuWLgM/07+yucr6c5ALo/dIqyVO73Z8G/qDbviLJSf3PTfI44J6qeje9+WyfPnDu64Df6sb5jwd+G7h+rkKTHAOcXlXbgTcAJ9P777EEsAM4J8kTALp+9UTgS8DPJ3lGt/3E7qJgJb0r+geAl9IbOpxTksdX1Rer6m3ADGC4L4DhvnTuAF6e5FZgFfCuWdr8HnBxklvojYtv6Lb/EbA+yRfpDZ384sDzpoCbk9wE/A7wt/07q+pG4D3AF4DPA/9cVTcdotYVwPu7890EvKOqvjXi61TjquprwCuAD3b9eQfwpKq6D/hd4O+7Pvwp4BHAO+n1/R30hmS+O+uBf+K13S/+bwH+D/j44ryStvkN1SWQZA29XxY9ZZlLkXSU8MpdkhrklbskNcgrd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktSg/wdEbKhcLyCIwQAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "draw_plot([pres_all, recalls_all])" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "D:\\Anaconda\\lib\\site-packages\\matplotlib\\figure.py:448: UserWarning: Matplotlib is currently using module://ipykernel.pylab.backend_inline, which is a non-GUI backend, so cannot show the figure.\n", + " % get_backend())\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXcAAAD8CAYAAACMwORRAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvqOYd8AAAD+BJREFUeJzt3X+QXWV9x/H3hyD+gBBMY7cW0DAaq6lTxa6gUuum2hFsJ2mnYsnUXx00M52itdpaHDsY6R9WO63TH9EWW0arVkRHacpE0bHZAdFoNvySgMykEZsUp/gDEbWKyLd/3INer7u5dzd3d8OT92vmzp5znuee8703Tz45efaee1JVSJLacsxyFyBJGj/DXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktSgY5frwGvWrKm1a9cu1+El6UFpz549X6uqRw3rt2zhvnbtWmZmZpbr8JL0oJTky6P0c1pGkhpkuEtSgwx3SWqQ4S5JDTLcJalBQ8M9yaVJ7kxy8xztSfJ3SfYluSnJ08ZfpiRpPkY5c383cPYh2s8B1nWPLcA7D78sSdLhGBruVXU18I1DdNkE/Gv17AJOSvLocRUoSZq/cVzEdDJwoG/9YLftK4Mdk2yhd3bPxMQE09PTYzj80WPDhg0Let7OnTvHXImOZhs3buSee+5Z1GOsXLmS7du3L+oxWjeOcM8s22a963ZVXQJcAjA5OVlTU1NjOPzR41A3M09yyHZpXO65555FH2tJMB8Ozzg+LXMQOLVv/RTgjjHsV5K0QOMI9+3AS7tPzTwDuLuqfmpKRpK0dIZOyyT5ADAFrElyEHgT8BCAqvpHYAfwAmAf8F3g9xerWEnSaIaGe1VtHtJewB+OrSJJ0mHzClVJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUoJHCPcnZSW5Lsi/JhbO0PybJziTXJ7kpyQvGX6okaVRDwz3JCmAbcA6wHticZP1Atz8HLq+q04HzgHeMu1BJ0uhGOXM/A9hXVfur6l7gMmDTQJ8CTuyWVwF3jK9ESdJ8HTtCn5OBA33rB4EzB/psBT6R5FXA8cDzxlKdJGlBRgn3zLKtBtY3A++uqr9O8kzgvUmeXFX3/8SOki3AFoCJiQmmp6cXULLm4vuppbIUY83xfHhSNZjTAx16Yb21qp7frb8BoKre0tdnL3B2VR3o1vcDz6iqO+fa7+TkZM3MzBz+KxAASRj2ZymNw1KMNcfz3JLsqarJYf1GmXPfDaxLclqS4+j9wnT7QJ//Bp7bHfhJwMOAr86vZEnSuAwN96q6D7gAuAq4ld6nYvYmuTjJxq7b64BXJrkR+ADw8vKfXUlaNqPMuVNVO4AdA9su6lu+BThrvKVJkhbKK1QlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuB+BVq9eTZJ5PYB59V+9evUyv0pJi2mkj0Jqad11111LcgWgpHZ55i5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQX79gKR5qTedCFtXLf4xdFgMd0nzkjd/a0m++6i2Luohmue0jCQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaNFK4Jzk7yW1J9iW5cI4+L0pyS5K9Sf5tvGVKkuZj6LdCJlkBbAN+HTgI7E6yvapu6euzDngDcFZV3ZXkZxerYEnScKOcuZ8B7Kuq/VV1L3AZsGmgzyuBbVV1F0BV3TneMiVJ8zHK97mfDBzoWz8InDnQ5wkASa4FVgBbq+rjgztKsgXYAjAxMcH09PQCSj46LMV74/uvhXJ8Hvky7Ev3k5wLPL+qXtGtvwQ4o6pe1dfnSuAHwIuAU4BrgCdX1Tfn2u/k5GTNzMwc/itoUJKluRnCIh9DbXJ8Lq8ke6pqcli/UaZlDgKn9q2fAtwxS59/r6ofVNWXgNuAdaMWK0kar1HCfTewLslpSY4DzgO2D/S5AtgAkGQNvWma/eMsVJI0uqHhXlX3ARcAVwG3ApdX1d4kFyfZ2HW7Cvh6kluAncCfVtXXF6toSdKhDZ1zXyzOuc/NOU0dyRyfy2ucc+6SpAcZw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBo9xDVUus3nQibF21+MeQ1CzD/QiUN39rab4ve+uiHkLSMnJaRpIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1aKRwT3J2ktuS7Ety4SH6vTBJJZkcX4mSpPkaGu5JVgDbgHOA9cDmJOtn6bcSeDXwuXEXKUman1HO3M8A9lXV/qq6F7gM2DRLv78A3gZ8b4z1SZIWYJRwPxk40Ld+sNv2I0lOB06tqivHWJskaYFGuc1eZtn2o3vAJTkGeDvw8qE7SrYAWwAmJiaYnp4eqcij0VK8N77/WqhktlgYn5UrVzo+D1OG3aszyTOBrVX1/G79DQBV9ZZufRXwX8C3u6f8HPANYGNVzcy138nJyZqZmbP5qJZkae6husjHkMCxNm5J9lTV0A+tjDItsxtYl+S0JMcB5wHbH2isqrurak1Vra2qtcAuhgS7JGlxDQ33qroPuAC4CrgVuLyq9ia5OMnGxS5QkjR/o8y5U1U7gB0D2y6ao+/U4ZclSTocXqEqSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lq0LHLXYBml2RR9//IRz5yUfcvaXkZ7kegqpr3c5Is6HmS2uS0jCQ1yHCXpAYZ7pLUIMNdkhpkuEtSg0YK9yRnJ7ktyb4kF87S/toktyS5Kcmnkjx2/KVKkkY1NNyTrAC2AecA64HNSdYPdLsemKyqXwI+DLxt3IVKkkY3ypn7GcC+qtpfVfcClwGb+jtU1c6q+m63ugs4ZbxlSpLmY5SLmE4GDvStHwTOPET/84GPzdaQZAuwBWBiYoLp6enRqtRIfD91pHJsLr1Rwn226+BnvRQyyYuBSeA5s7VX1SXAJQCTk5M1NTU1WpUaie+njlSOzaU3SrgfBE7tWz8FuGOwU5LnAW8EnlNV3x9PeZKkhRhlzn03sC7JaUmOA84Dtvd3SHI68E/Axqq6c/xlSpLmY2i4V9V9wAXAVcCtwOVVtTfJxUk2dt3+CjgB+FCSG5Jsn2N3kqQlMNK3QlbVDmDHwLaL+pafN+a6JEmHwStUJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoMMd0lqkOEuSQ0y3CWpQYa7JDXIcJekBhnuktQgw12SGmS4S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAYZ7pLUIMNdkhpkuEtSgwx3SWqQ4S5JDTLcJalBhrskNchwl6QGGe6S1CDDXZIaZLhLUoNGCvckZye5Lcm+JBfO0v7QJB/s2j+XZO24C5UkjW5ouCdZAWwDzgHWA5uTrB/odj5wV1U9Hng78NZxFypJGt0oZ+5nAPuqan9V3QtcBmwa6LMJeE+3/GHguUkyvjIlSfMxSrifDBzoWz/YbZu1T1XdB9wN/Mw4CpQkzd+xI/SZ7Qy8FtCHJFuALQATExNMT0+PcHg9YMOGDYdsn+s/Szt37lyMcqSfcKjx6dhceqOE+0Hg1L71U4A75uhzMMmxwCrgG4M7qqpLgEsAJicna2pqagElH72qfurfS+mI4fg8sowyLbMbWJfktCTHAecB2wf6bAde1i2/EPjP8k9akpbN0DP3qrovyQXAVcAK4NKq2pvkYmCmqrYD/wK8N8k+emfs5y1m0ZKkQxtlWoaq2gHsGNh2Ud/y94Bzx1uaJGmhvEJVkhpkuEtSgwx3SWqQ4S5JDTLcJalBWa6Poyf5KvDlZTl4m9YAX1vuIqRZODbH67FV9ahhnZYt3DVeSWaqanK565AGOTaXh9MyktQgw12SGmS4t+OS5S5AmoNjcxk45y5JDfLMXZIaZLg/iCX5zJD2HUlOWqp6pPlIsjbJzd3yVJIrl7umloz0rZBafElWVNUP5/OcqnrWkPYXHF5V0k/r7o+cqrp/uWvR3DxzXwLdGcoXk7wnyU1JPpzkEUluT3JRkk8D5yZ5XJKPJ9mT5JokT+yeP5Hko0lu7B7P6rZ/u/v56CRXJ7khyc1Jnt1tvz3Jmm75tV3bzUle01fXrUnelWRvkk8keXjX9uokt3T1XrYMb5uOIH1j5R3AdcBLknw2yXVJPpTkhK7f05N8phunn0+ysnvuNV3f6x4Yv4c41nO6sXxDkuuTrFyK19icqvKxyA9gLb17yp7VrV8K/AlwO/D6vn6fAtZ1y2fSu6MVwAeB13TLK4BV3fK3u5+vA97Y176yW76d3tWBvwx8ATgeOAHYC5ze1XUf8NSu/+XAi7vlO4CHdssnLfd76OOIGMP3A8/oxtTVwPFd258BFwHHAfuBp3fbT6Q3O/AI4GHdtnX0bvLzwD5v7pangCu75f/o+7tyAnDscr/+B+PDaZmlc6Cqru2W3we8ulv+IEB35vMs4EN9NxN+aPfz14CXAlRv6ubugX3vBi5N8hDgiqq6YaD9V4CPVtV3umN9BHg2vdsjfqmv/x56f+EAbgLen+QK4IqFvGA158tVtSvJbwLrgWu7sXoc8FngF4CvVNVugKr6FkCS44F/SPJU4IfAE4Yc51rgb5K8H/hIVR1clFfTOKdlls7gZ04fWP9O9/MY4JtV9dS+x5NG2nHV1cCvAv9D73aHLx3oMvut53u+37f8Q378e5jfALbRO+vf0934XEe3B8ZqgE/2jdP1VXV+t322z1b/MfC/wFOASXr/GMypqv4SeAXwcGDXA9OTmh/Dfek8Jskzu+XNwKf7G7uznC8lORd6v7RK8pSu+VPAH3TbVyQ5sf+5SR4L3FlV76J3P9unDRz7auC3unn+44HfBq6Zq9AkxwCnVtVO4PXASfT+eywB7ALOSvJ4gG5cPQH4IvDzSZ7ebV/ZnRSsondGfz/wEnpTh3NK8riq+kJVvRWYAQz3BTDcl86twMuS3ASsBt45S5/fA85PciO9efFN3fY/AjYk+QK9qZNfHHjeFHBDkuuB3wH+tr+xqq4D3g18Hvgc8M9Vdf0hal0BvK873vXA26vqmyO+TjWuqr4KvBz4QDeedwFPrKp7gd8F/r4bw58EHga8g97Y30VvSuY7s+74x17T/eL/RuD/gI8tzitpm1eoLoEka+n9sujJy1yKpKOEZ+6S1CDP3CWpQZ65S1KDDHdJapDhLkkNMtwlqUGGuyQ1yHCXpAb9P9Yjn2/XeLGfAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "draw_plot([pres_non_text, recalls_non_text])" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\n", + "import seaborn as sns\n", + "import pandas as pd\n", + "\n", + "pres1 = pd.DataFrame({'score_type':'Precision', 'score': pres_non_text, 'class':'Non_text'})\n", + "pres2 = pd.DataFrame({'score_type':'Precision', 'score': pres_all, 'class':'All_element'})\n", + "\n", + "recalls1 = pd.DataFrame({'score_type':'Recall', 'score':recalls_non_text, 'class':'Non_text'})\n", + "recalls2 = pd.DataFrame({'score_type':'Recall', 'score':recalls_all, 'class':'All_element'})\n", + "\n", + "f1s1 = pd.DataFrame({'score_type':'F1', 'score':f1_non_text, 'class':'Non_text'})\n", + "f1s2 = pd.DataFrame({'score_type':'F1', 'score':f1_all, 'class':'All_element'})\n", + "\n", + "data=pd.concat([pres1, pres2, recalls1, recalls2, f1s1, f1s2])" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 36, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYUAAAEKCAYAAAD9xUlFAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvqOYd8AAAIABJREFUeJzt3Xl8VNXdx/HPL4EkCAiytCprrKBQJAFZIorWgop1RwX3gj7leSwWl0pr61KL1dKK+hK0bg+1WnEBi4pKCz5a64JgEMPuggoSsYqgVNYk5Pf8MZPrJGaZTHJnsnzfr1denXvumXt+M7fym3PvPeeYuyMiIgKQluoARESk4VBSEBGRgJKCiIgElBRERCSgpCAiIgElBRERCSgpiIhIQElBREQCSgoiIhJokeoAaqtTp07es2fPVIchItKovPXWW1+4e+ea6jW6pNCzZ0+WLl2a6jBERBoVM9sQTz1dPhIRkYCSgoiIBJQUREQk0OjuKYhI41BcXExhYSG7d+9OdSjNSlZWFl27dqVly5YJvV9JQURCUVhYSNu2benZsydmlupwmgV3Z8uWLRQWFpKdnZ3QMUK7fGRmfzazz81sVRX7zcymm9k6M1thZgPDikVEkm/37t107NhRCSGJzIyOHTvWqXcW5j2FvwCjqtl/ItAr+jcBuCfEWEQkBZQQkq+u33loScHdXwG2VlPlNOBhj1gMtDezA8KKR0REapbKewpdgI0x24XRsk8rVjSzCUR6E3Tv3j0pwSXimXdWVFp+2qH9Q223uPgjAFq2TOwaYnP1yIo3a/2eC/oPSbi93bsX1fo9WVnDEm6vudm2e1e57XZZraqtf+ONN9KmTRuuvvrqhNssLd0DQFpaZsLHaGhS+UhqZX0cr6yiu9/v7oPcfVDnzjWO0hYRkQSlMikUAt1itrsCm1IUi4g0cQ8//DD9+/cnJyeHCy+8sNy+Bx54gMGDB5OTk8OZZ57Jzp07AZgzZw79+vUjJyeHo48+GoDVq1czZMgQcnNzyc0dxPvvr0v6ZwlTKpPCPOCi6FNIecA2d//WpSMRkbpavXo1N998My+99BLLly/nzjvvLLd/9OjR5Ofns3z5cvr06cPMmTMBmDJlCgsWLGD58uXMmzcPgHvvvZfLL7+cgoIC3nxzEV27dkn65wlTaPcUzOwx4AdAJzMrBH4DtARw93uB+cCPgHXATmB8WLGISPP20ksvcdZZZ9GpUycAOnToUG7/qlWruO666/jqq6/Yvn07J5xwAgBHHnkk48aNY8yYMYwePRqAI444gptvvpnCwkJOP/1kevU6OLkfJmShJQV3P7eG/Q5MDKt9EZEy7l7to5rjxo3j6aefJicnh7/85S+8/PLLQKRXsGTJEp5//nlyc3MpKCjgvPPOY+jQoTz//POceOLJ3H//PYwcWd3T942L5j4SkSZvxIgRzJ49my1btgCwdWv5p+W//vprDjjgAIqLi5k1a1ZQ/sEHHzB06FCmTJlCp06d2LhxIx9++CEHHXQQkyZN4pRTTmblykrH5zZamuZCRJq873//+1x77bUcc8wxpKenM2DAAGIX67rpppsYOnQoPXr04LDDDuPrr78GYPLkybz//vu4OyNGjCAnJ4epU6fyyCOP0LJlS7773e9w/fW/TtGnCodFruI0HoMGDfKGushOKsYpFBWtKbedkdE3tLaaGo1TCNfatWvp06dP0tqr7TiF+tBQxylU9t2b2VvuPqim9+rykYiIBJQUREQSUFq6CygFSqOvmwYlBRERCSgpiIhIQElBREQCSgoiIhLQOAURSYo5857hyx3b6+14+7Vuw9mnngbAl7t2fmt/Wdl+rfaptzabAyUFkXq0a9eLSTteq1Yj6rWtsH25Yzt7D+5Wc8V4j7duY411OuzTmquuuorbbrsNgGnTprF9+3ZuvPHGeolh/foNLFq0mPPOG5vQ+wsKCti0aRM/+tGP6iWe+qDLRyLSZGVmZjJ37ly++OKLUI6/fv0GHnvsiYTfX1BQwPz58+sxorpTUhCRJqtFixZMmDCBO+6441v7NmzYwIgRI+jfvz8jRozg448/BiKT402aNIlhw4Zx0EEH8eSTT1Z5/F//+npee20RAwcO5Y477mDv3r1MnjyZwYMH079/f+677z4AnnrqKUaOHIm78+mnn9K7d28+/vhjbrjhBp544glyc3N54onEk0t9UlIQkSZt4sSJzJo1i23btpUrv+yyy7joootYsWIF559/PpMmTQr2ffrpp7z22ms899xzXHPNNVUe+5ZbbuKoo4axbNkSrrzySmbOnEm7du3Iz88nPz+fBx54gI8++ogzzjiD/fffn7vvvpuf/OQn/Pa3v6V79+5MmTKFsWPHUlBQwNixiV2Cqm+6pyAiTdq+++7LRRddxPTp02nV6pv5kN544w3mzp0LwIUXXsgvfvGLYN/pp59OWloaffv25bPPPvvWMUtLd5S9Cv63tHQHCxcuZMWKFUHvYtu2bbz//vtkZ2czY8YM+vXrR15eHueeW+3KAimlpNBI7dmzrMryzMyBSY5GpGG74oorGDhwIOPHV72WV+x6C5mZ30xwV5tJQ92dGTNmBIv0xPrkk09IS0vjs88+o7S0lLS0hnmhpmFGJSJNzn6t25C+bmO9/e3Xuk3cbXfo0IExY8YEy2wCDBs2jMcffxyAWbNmcdRRR9X6M7Vt25bt278Otk844QTuueceiouLAXjvvffYsWMHJSUljB8/nkcffZQ+ffpw++23B+8vm6a7oVBPQUSSomxMQar8/Oc/56677gq2p0+fzsUXX8ytt95K586defDBB2t9zP79+9GiRQsGDMjjxz++gCuumMz69esZOHAg7k7nzp15+umnue222xg+fDjDhw8nNzeXwYMHc9JJJ3HssccydepUcnNz+dWvftUg7itoPYV6lMz1FKq6fATo8lGMe/JfSVpblw4+ut7HKVSnoY9TSOZ6CpUNXisTxuC1b+4plJeW1rre20qE1lMQEZF6octHIiI1WLlyJRdeeGFMSSmZmZm88cbLqQopNEoKIiI1OOywwygoKAi2q7p81BQoKdRBvGv8VqxXl3V+RUTCpHsKIiISUFIQEZGALh+JSFL84x9PU1RUf+spZGS0YdSo0+vteBKhpCAiSVFUtJ3jjjug3o73wgufxlXvqaeeYvTo0axdu5ZDDz2U9evXc/LJJ7Nq1Spefvllpk2bxnPPPVertl9++RVuu206zz5b9QyqYVm/fj2LFi3ivPPOC+X4unwkIk3aY489xlFHHRVMadHYrV+/nkcffTS04yspiEiTtX37dl5//XVmzpyZUFLYsWMHF198MYMHH86AATk89dTjlJaWXQJzwNmxYzuXXPI/DB16dLk6f/7zvZx++umccsopZGdnc9ddd3H77bczYMAA8vLy2Lp1KwAffPABo0aN4vDDD2f48OG88847QNXrOlxzzTW8+uqr5ObmVrpORF0pKYhIkzX/2WcZNWoUvXv3pkOHDixbVvX0MJW5+eab+eEPf8iSJf/ixRef55e/vI4dO8qPUbjllls59thjKq2zatUqHn30Ud58802uvfZa9tlnH95++22OOOIIHn74YQAmTJjAjBkzeOutt5g2bRo//elPg2NXtq7D1KlTGT58OAUFBVx55ZV1+XoqFeo9BTMbBdwJpAP/6+5TK+zvDjwEtI/WucbdG9badCLSIBWX7uWLndXfuH5y9mz+e+JEvti5nZNHn8Fjjz3GxIkT425j4cKFzJs3j2nT/gjA7t17+Pjj8mtDv/DCSzz77Hxuv336t+oce+yxtG3blrZt29KuXTtOOeUUIDIYbsWKFWzfvp1FixZx9tlnB8fbs2dP8LqmdR3CEFpSMLN04G7gOKAQyDezee6+JqbadcBsd7/HzPoC84GeYcUkIs3H1i1beO1fr/DOmrWYGXv37iU9La3cL/GauDt/+9vf6NWrS7nyzz7bXK7OnDmPcMghvcvVWbJkabl1GdLS0oLttLQ0SkpKKC0tpX379uVGS8dKdF2HugizpzAEWOfuHwKY2ePAaUBsUnBg3+jrdsCmEONp9HbvXpRQvaysYWGEI1IrGRlt4n5iqCbFpXtJb1H9jKTPPv0MY847l9tmTA/KzjzxJAoLC+Nu54QTTmDGjBnceefvMTPefns5AwbklKtz/PEjuOuu+5g+fVqVdaqy7777kp2dzZw5czj77LNxd1asWEFOTtXvD3sNhjCTQhcgtp9VCAytUOdGYKGZ/QxoDYys7EBmNgGYANC9e/d6D1REwlefYwpqumwEMHfOHCZddVW5sjPPPJNbbrkl7nauv/56rrjiCnJz83B3evTo/q3HUK+77pdceeUvq61TnVmzZnHppZfyu9/9juLiYs4555xqk0L//v1p0aIFOTk5jBs3rt7vK4S2noKZnQ2c4O7/Fd2+EBji7j+LqXNVNIbbzOwIYCbQz91LKz0oDWs9hXjnPqoo0bmP4u0pVNScewpaTyF1wlxPIZ6kUJlO+8S/Wlusb544qp20tMTaq6uGup5CIdAtZrsr3748dAkwG8Dd3wCygE4hxiQiItUIMynkA73MLNvMMoBzgHkV6nwMjAAwsz5EksJmRESS6MEHHyQ3N7fcX22eUmpKQrun4O4lZnYZsIDI46Z/dvfVZjYFWOru84CfAw+Y2ZVEbjqP88a2PqiIVMndMbNUh1Gj8ePHM378+FSHUS/q+k9oqOMUomMO5lcouyHm9RrgyDBjEJHUyMrKYsuWLXTs2LFRJIamwN3ZsmULWVlZCR9DE+KJSCi6du1KYWEhmzfX/xXh7UV7aq5Uic0ZmTVXqoR7Yu2ZJdZeXWRlZdG1a9eE36+kICKhaNmyJdnZ2aEc++HlSxJ630V9chN6X+JP/iXWXipp7iMREQkoKYiISEBJQUREAkoKIiIS0I1mkXqyePFi/v3v5E3Bsv/+rcnLy0tae9I8qKcgIiIB9RRE6kleXh67du2ouWI9adVKvQSpf0oKIiIQygy31R2zoc5yq8tHIiISUFIQEZGAkoKIiASUFEREJKCkICIiASUFEREJKCmIiEhASUFERAIavNbAJHMATUMdPCMiqaOegoiIBNRTqME9+a8k9Zjj+tV7cyKNkv7bSw31FEREJKCkICIiASUFEREJKCmIiEhASUFERAJKCiIiEtAjqdJkLV68mHfz85PX3t4McnKS1pxIKNRTEBGRgHoK0mTl5eXxdnpR8tobnBfKNCUiyRRqT8HMRpnZu2a2zsyuqaLOGDNbY2arzezRMOMREZHqhdZTMLN04G7gOKAQyDezee6+JqZOL+BXwJHu/qWZfSeseEREpGZh9hSGAOvc/UN3LwIeB06rUOcnwN3u/iWAu38eYjwiIlKDMJNCF2BjzHZhtCxWb6C3mb1uZovNbFRlBzKzCWa21MyWbt68OaRwRUQkzKRglZR5he0WQC/gB8C5wP+aWftvvcn9fncf5O6DOnfuXO+BiohIRJhJoRDoFrPdFdhUSZ1n3L3Y3T8C3iWSJEREJAXCTAr5QC8zyzazDOAcYF6FOk8DxwKYWScil5M+DDEmERGpRmhJwd1LgMuABcBaYLa7rzazKWZ2arTaAmCLma0B/glMdvctYcUkIiLVC3XwmrvPB+ZXKLsh5rUDV0X/REQkxTTNhYiIBJQUREQkoKQgIiIBTYgnIs3exjXvsOCTL5Pa5v77tyYvLy+pbcYj7p6CmR1lZuOjrzubWXZ4YYmISCrE1VMws98Ag4BDgAeBlsAjwJHhhSYikhzd+h7KCf2Kk9pmq1YNr5cA8fcUzgBOBXYAuPsmoG1YQYmISGrEmxSKomMKHMDMWocXkoiIpEq8SWG2md0HtDeznwD/BzwQXlgiIpIKcd1TcPdpZnYc8B8i9xVucPcXQo1MRESSrsakEF1BbYG7jwSUCEREmrAaLx+5+15gp5m1S0I8IiKSQvEOXtsNrDSzF4g+gQTg7pNCiUpERFIi3qTwfPRPQpTsUZUNdUSliKROvDeaH4oulNM7WvSuuyd3pIdII9Cq1Ygq9+3evajWx8vKGlaXcERqLd4RzT8AHgLWE1l7uZuZ/djdXwkvtOYn2aMqG+qIShFJnXgvH90GHO/u7wKYWW/gMeDwsAITEZHki3fwWsuyhADg7u8Rmf9IRESakHh7CkvNbCbw1+j2+cBb4YQkIs3d4sWLeTc/P6lt5u9qxeDBhyS1zYYo3qRwKTARmETknsIrwJ/CCkpERFIj3qTQArjT3W+HYJRzZmhRiUizlpeXx9vpRUltc3CSp85uqOK9p/Ai0CpmuxWRSfFERKQJiTcpZLn79rKN6Ot9wglJRERSJd6ksMPMBpZtmNkgYFc4IYmISKrEe0/hcmCOmW0istDOgcDY0KISEZGUiDcpZAMDgO5ElubMI7oKm4iINB3xXj663t3/A7QHjgPuB+4JLSoREUmJeJPC3uj/ngTc6+7PABnhhCQiIqkSb1L4JLpG8xhgvpll1uK9IiLSSMT7D/sYYAEwyt2/AjoAk0OLSkREUiKupODuO919rru/H93+1N0X1vQ+MxtlZu+a2Tozu6aaemeZmUcfdRURkRQJ7RJQdCqMu4ETgb7AuWbWt5J6bYnMqbQkrFhERCQ+8T6SmoghwDp3/xDAzB4HTgPWVKh3E/BH4OoQY0mIZmoUkeYmzJvFXYCNMduF0bKAmQ0Aurn7c9UdyMwmmNlSM1u6efPm+o9URESAcHsKVklZMODNzNKAO4BxNR3I3e8nMjaCQYMGJW3QnGZqFJHmJsyeQiHQLWa7K7ApZrst0A942czWExklPU83m0VEUifMpJAP9DKzbDPLAM4B5pXtdPdt7t7J3Xu6e09gMXCquy8NMSYREalGaEnB3UuAy4iMb1gLzHb31WY2xcxODatdERFJXJj3FHD3+cD8CmU3VFH3B2HGIs3TpYOPrnLfIyverPXxLug/pC7hiDR4mqpCREQCSgoiIhJQUhARkUCo9xRERBqLVq1GVLlv9+5FCR0zK2tYouGkjHoKIiISUFIQEZGAkoKIiAR0T0EkSWKvL+/Zs6zKepmZA5MRjkil1FMQEZGAkoKIiASUFEREJKCkICIiASUFEREJKCmIiEhASUFERAJKCiIiElBSEBGRgJKCiIgElBRERCSguY9EpEGqbn3th5cvSeiYF+UMTTScZkNJoYHRQh8ikkq6fCQiIgElBRERCSgpiIhIQElBREQCSgoiIhJQUhARkYCSgoiIBJQUREQkoMFrIiI1qDgAdM+eZZXWy8wcmIxwQhVqT8HMRpnZu2a2zsyuqWT/VWa2xsxWmNmLZtYjzHhERKR6ofUUzCwduBs4DigE8s1snruvian2NjDI3Xea2aXAH4GxYcUk0lCU/aIsKvrmP4eMjL6pCkckEGZPYQiwzt0/dPci4HHgtNgK7v5Pd98Z3VwMdA0xHhERqUGY9xS6ABtjtguB6qYovAT4e2U7zGwCMAGge/fu9RWfNHMX9B8SvH7mnRVV1jvt0P7JCEekQQizp2CVlHmlFc0uAAYBt1a2393vd/dB7j6oc+fO9RiiiIjECrOnUAh0i9nuCmyqWMnMRgLXAse4+54Q4xERkRqE2VPIB3qZWbaZZQDnAPNiK5jZAOA+4FR3/zzEWEREJA6hJQV3LwEuAxYAa4HZ7r7azKaY2anRarcCbYA5ZlZgZvOqOJyIiCRBqIPX3H0+ML9C2Q0xr0eG2b6IiNSORjTXoLp1Yh9Z8WZCx4x96kVEpCFRUhCRRueinPJPt89dW1Bl3dF9csMOp0nRhHgiIhJQUhARkYCSgoiIBHRPoRGJnb63qql7oWlM3ysiqaGegohILWVmDsQsq9xfU/kxpqQgIiIBJQUREQkoKYiISEBJQUREAkoKIiIS0COpItLoje6Ty8IP1pYrO/57fVIUTeOmnoKIiASUFEREJKCkIJJCGRl9MWtFRkbfVIcitVR27pra+VNSEBGRgJKCiIgE9PRRI1U2z0pR0Zpy5U2pGysiyaeegog0Ccd/rw+tMzJpnZGpx1HrQD2FOqi41vIz76yotN5ph/ZPRjgiInWmpCAikqCWLbNTHUK90+UjEWkyjux2EG0yMlMdRqOmpCAiIgElBRGROigp2ZTqEOqV7imISJOS890uSWtrz54VlJZuZu/eLWRmHpa0dsOknkIj11SH2oskasNXW5LSTklJEaWlmwEoLf2ckpKipLQbNiUFEWkyXtuwjvnvr+b1DetCb6u4eHG1242VkoKINAlFe/ey8vPI9f0Vn2+iaO/e0NoqKfk3UFyhtJiSks9CazNZlBREpEmYu3pZue2n1iyrombdFRe/V0X5u6G1mSyhJgUzG2Vm75rZOjO7ppL9mWb2RHT/EjPrGWY8ItI0FW77ki/37CpXtnX3Lj75z5ehtGfWsVbljUloScHM0oG7gROBvsC5ZlbxTuglwJfufjBwB/CHsOIRkabrtY8/qLT81Q2Vl9dVZubBtSpvTMLsKQwB1rn7h+5eBDwOnFahzmnAQ9HXTwIjzMxCjElEmqDhPb5Xq/K6MsvELLtCWTZmjX80dZhJoQuwMWa7MFpWaR13LwG2AY2//yUiSdVl3/3YL7NVubIOWa3osu9+obWZmdmTb/4JTYtuN35hDl6r7Be/J1AHM5sATADo3r173SMLSapmQ22Kk3IlWypnstX5qx+jvz+QmcteD7bP6Dsw1PbM0sjIyKWoaBkZGQMwaxrP7YT5KQqBbjHbXYGK48GDOmbWAmgHbK14IHe/390Hufugzp07hxSuiDRmGenpHPadAwHo/50DyUhPD73N9PT9yMo6kvT09qG3lSxh9hTygV4WufD2CXAOcF6FOvOAHwNvAGcBL7n7t3oKIiLxOKrHwXRrtx892ifvKrRZVtLaSobQkoK7l5jZZcACIB34s7uvNrMpwFJ3nwfMBP5qZuuI9BDOCSseEWkekpkQmqJQJ8Rz9/nA/AplN8S83g2cHWYMIiISv6ZxZ0REROqFkoKIiASUFEREJKCkICIiASUFEREJKCmIiEjAGttYMTPbDGxIdRwh6gR8keogJCE6d41bUz9/Pdy9xikhGl1SaOrMbKm7D0p1HFJ7OneNm85fhC4fiYhIQElBREQCSgoNz/2pDkASpnPXuOn8oXsKIiISQz0FEREJKCmIiEhASSFBZrbXzArMbJWZzTGzferhmIPMbHo1+w80syfr2o5Ur8K5fdbM6nVZLTMbZ2Z3RV/faGZX1+fxpWYx57jsr6eZdTSzf5rZ9rLz0xwpKSRul7vnuns/oAj4n9idFlGr79fdl7r7pGr2b3L3sxILV2oh9txuBSamOiCpd2XnuOxvPbAbuB5o1klaSaF+vAocHP21sdbM/gQsA7qZ2fFm9oaZLYv2KNoAmNlgM1tkZsvN7E0za2tmPzCz56L7j4n5FfN2dH9PM1sV3Z9lZg+a2cro/mOj5ePMbK6Z/cPM3jezP6boO2kq3gC6lG2Y2WQzyzezFWb225jyi6Jly83sr9GyU8xsSfT8/J+ZfTcF8Uuc3H2Hu79GJDk0W0oKdWRmLYATgZXRokOAh919ALADuA4Y6e4DgaXAVWaWATwBXO7uOcBIYFeFQ18NTHT3XGB4JfsnArj7YcC5wEP2zWKxucBY4DBgrJl1q6/P25yYWTowgsha4pjZ8UAvYAiR7/hwMzvazL4PXAv8MHo+L48e4jUgL/r/hceBXyT5I0jVWsX86Hoq1cE0JKEux9nEtTKzgujrV4msN30gsMHdF0fL84C+wOtmBpBB5JfnIcCn7p4P4O7/AYjWKfM6cLuZzQLmunthhf1HATOi73/HzDYAvaP7XnT3bdFjrgF6ABvr6XM3B2XntifwFvBCtPz46N/b0e02RJJEDvCku38B4O5bo/u7Ak+Y2QFEzv1HSYle4rEr+oNLKlBPIXGx1yR/5u5F0fIdMXUMeCGmXl93vyRaXu0AEXefCvwX0ApYbGaHVqhi335XYE/M670o+ddW2T8YPYj8Y152T8GA38ecz4PdfSZVn88ZwF3R3tx/A1mV1BFpUJQUwrUYONLMDgYws33MrDfwDnCgmQ2OlreNXoYKmNn33H2lu/+ByGWniknhFeD8aN3eQHfg3VA/TTMT7W1NAq42s5bAAuDimPtCXczsO8CLwBgz6xgt7xA9RDvgk+jrHyc1eJEE6RdkiNx9s5mNAx4zs8xo8XXu/p6ZjQVmmFkrIvcLRlZ4+xXRm8d7gTXA34EDYvb/CbjXzFYCJcA4d99T4RKT1JG7v21my4Fz3P2vZtYHeCP6PW8HLnD31WZ2M/AvM9tL5PLSOOBGYI6ZfULkB0J2Kj6DxM/M1gP7AhlmdjpwvLuvSW1UyaVpLkREJKDLRyIiElBSEBGRgJKCiIgElBRERCSgpCAiIgElBZEQmVl7M/tpquMQiZeSgkgtVBxkGIf2gJKCNBoavCZNnpm1BmYTmYsoHbgJ+BC4E2hNZFqQEUAxcA8wiMiAwKvc/Z/RAYgnEZmmojXwQzObDIwBMoGn3P03VTQ/FfhedC6lF4D9icyT9Ew0tllEJkfsAJwRPV428Ki7/zZa5wIiI6szgCXAT919b718OSIVKClIczAK2OTuJwGYWTsio47Hunu+me1LZFT55RCZeTY619TC6BQiAEcA/d19a4XZUg2YZ2ZHu/srlbR9DdCvbPI1MzsGuBJ4JhrHMCJTYFwQPV4/YCeQb2bPE5lLayxwpLsXR6dlPx94uD6/IJEySgrSHKwEppnZH4DngK+ofJba6maefSFm9tOqZkutLCmU4+7/MrO7o3MmjQb+5u4l0WkzXnD3LdFY5hKZCbcEOJxIkoDIBImfJ/pFiNRESUGavOhcU4cDPwJ+Dyyk8llNq5s4quLst7939/sSDOmvRH7tnwNcHBtqhXoebeshd/9Vgm2J1IpuNEuTZ2YHAjvd/RFgGpF1LiqbpTbemWermi21Ml8DbSuU/QW4AsDdV8eUH2dmHaKTJJ5OZE2NF4Gzyo4f3d+jNp9fpDbUU5Dm4DDgVjMrJXIz+VIiv8ArzlIb18yz7r6wstlSqeSyjrtvMbPXo8uo/t3dJ7v7Z2a2Fni6QvURy0twAAAAgElEQVTXiPQiDiZyo3kpgJldR+T+Rlo0/onAhjp/KyKV0CypIklmZvsQuc8xMGaFvHHAIHe/LJWxiejykUgSmdlIIosszShLCCINiXoKIvUguurai5XsGlH2RJFIY6CkICIiAV0+EhGRgJKCiIgElBRERCSgpCAiIgElBRERCfw/wQEZp/wRE5kAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "sns.boxenplot(x='score_type', y='score', hue='class', data=data, width=0.5, linewidth=1.0, palette=\"Set3\")" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYEAAAEBCAYAAACe6Rn8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvqOYd8AAAF4NJREFUeJzt3XuQXGWdxvHvQ7gZFJ0IDIsmGWKyQFBh3UFThauT6AIumkBlBUtFECSwCBIUd6HQcIsoBQIrFJqwrCBQLiugyQpiEDIoSJSAgAly3UwSFpRLAiFcwu23f5zTVNvpTJ+e7p6emff5VHV1+vR5+/y630w/fd5zU0RgZmZp2qzdBZiZWfs4BMzMEuYQMDNLmEPAzCxhDgEzs4Q5BMzMEuYQMDNLmEPAzCxhDgEzs4Rt3u4Catluu+2iq6ur3WWYmQ0rd91119MRsX2t+YZ8CHR1dbF06dJ2l2FmNqxIWllkPg8HmZklzCFgZpYwh4CZWcIKhYCkd0u6UNIdkl6UFJK6CrbdTNLJkvokvSzpXkkzGynazMyao+iawETgIGAt8Js6l3EmcBpwEfAJYAnwE0n/VOfrmJlZkxXdO+jXEdEJIOlLwD5FGknaATgR+E5EnJtPXixpIvAd4IY66zUzsyYqtCYQEW8M8PX3BbYErqyYfiXwPkk7D/B1zcysCVq9YXh3YAPwSMX05fn95BYv38zM+tHqg8XGAM/GxhcyXlP2/EYkzQJmAXR2dtLb29uyAltp6tSpTXmdxYsXN+V1rD7N6D/3XXv4b6+4VoeAgGpXsld/jSJiPjAfoLu7O3p6eppf2SDYOPs2JqnQfDb4avWL+27o8t9eca0eDloDdEiq/NLvKHvezMzapNUhsBzYCnhPxfTStoD7W7x8MzPrR6tD4EbgFeBzFdM/DyyLiBUtXr6ZmfWj8DYBSf+c//Pv8/tPSHoKeCoibs3neQ24PCKOAIiIJyWdD5ws6XngbuBgYBowo0nvwczMBqieDcM/qXh8cX5/K9CT/3tUfit3CrAeOB7YEXgQOCgi/qeuSs3MrOkKh0BE9LtHz6bmiYjXgbn5zczMhhCfRdTMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOAUvSuPHjkdTQDWj4NcaNH9/mT8JS1+qLypgNSatXreLaBx5vdxnM3HWndpdgifOagJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSWsUAhIGivpGknPSVon6TpJ4wq2HSfpckmrJL0o6SFJcyVt01jpZmbWqJoXlZE0GrgF2AAcCgQwF1gs6f0R8UI/bbcBfgVsAXwTWAXsBZwOTAIObvQNmJnZwBW5stiRwARgl4h4BEDSfcDDwFHAef203Zvsy37fiFiUT1ssaQxwoqTREfHigKs3M7OGFBkOmg4sKQUAQESsAG4HZtRou2V+v65i+rP5slWwTjMza4EiIbA7sKzK9OXA5Bptf0W2xnC2pMmS3ippGnA88IP+hpLMzKz1ioTAGGBtlelrgI7+GkbEy8CH8+UsB54HbgZ+DhxbV6VmZtZ0RbYJQLYxuFLNoRxJWwNXAzsAh5BtGP4gMAd4DfiXTbSbBcwC6OzspLe3t2CZw9NIf3/WP/d/+/izB0VU+34vm0H6C/CziDiqYvrFwKcjYvt+2n4ZuAiYGBGPlk0/EpgP7BkR9/a3/O7u7li6dGnNNzJcSaJWH1jzSeLaBx5vdxnM3HUn93+bjPS/PUl3RUR3rfmKDActJ9suUGkycH+Ntu8D1pYHQO73+f1uBZZvZmYtUiQEFgJTJE0oTZDURbb758Iabf8MdEiaWDH9Q/n9/xUr08zMWqFICFwC9AELJM2QNB1YAKwG5pVmkjRe0muS5pS1vYxsY/ANkg6VNFXS14FzgbvIdjM1M7M2qRkC+W6c04CHgCuAq4AVwLSIWF82q4BR5a8ZEX3AFOAesqOMbyA7+Gw+8I8R8UZT3oWZmQ1Iob2DImIVMLPGPH1U2WMoIu4HDhpIcWZm1lo+i6iZWcIcAmZmCXMImJklzCFgZpYwh4CZWcIcAmZmCSt6AjmzESVO3RZ+vGu7y8jqMGsjh4AlSaevGzonkDut3VVYyjwcZGbDztiusUhq6AY01H5s19g2fwrN4TUBMxt2Hlv5GBesuaCtNcweM7uty28WrwmYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCDegaN77tB6x0jRvf5k/BzIYzHyzWgJWrVxG9d7a1BvXs1dblm9nw5jUBM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYYVCQNJYSddIek7SOknXSRpXdCGSdpP0E0lPS3pJ0oOSjh942WZm1gw1jxiWNBq4BdgAHAoEMBdYLOn9EfFCjfbdefte4EvAc8Ak4K0NVW5mZg0rctqII4EJwC4R8QiApPuAh4GjgPM21VDSZsDlwM0RcWDZU4sHXLGZmTVNkeGg6cCSUgAARMQK4HZgRo22PcBk+gkKMzNrnyIhsDuwrMr05WRf8P35cH6/taQlkl6V9KSk70l6Sz2FmplZ8xUZDhoDrK0yfQ3QUaPtTvn91cBFwElAN3AGMBY4sFojSbOAWQCdnZ309vYWKDNd/nyGN/ff8DUS+q7oqaSjyjQVaFda07gyIubk/+6VNAr4jqTJEXH/RguLmA/MB+ju7o6enp6CZabJn8/w5v4bvkZC3xUZDlpLtjZQqYPqawjlnsnvb6qYvii/37PA8s3MrEWKhMBysu0ClSYDG/2Kr9IWNl6TKK1FvFFg+WZm1iJFQmAhMEXShNIESV3A3vlz/fkF2fEF+1VM3ze/X1qoSjMza4kiIXAJ0AcskDRD0nRgAbAamFeaSdJ4Sa9JKo39ExHPAN8GjpZ0lqSPSzoJmANcXr7bqZmZDb6aG4Yj4gVJ04DzgSvIhnJuBmZHxPqyWQWMYuNgOQN4HjgGOBF4AjgHOLPh6s3MrCGF9g6KiFXAzBrz9FFlj6GICLKDxXzAmJnZEOOziJqZJcwhYGaWsKIHi5mZDRlx6rbw73Nqz9hCx5+6bVuX3ywOATMbdnT6Oi5Yc0Fba5g9ZjZxWltLaAoPB5mZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZgnzwWINiFO3hcUfa38NVrex48Yxc9edas84CHWYtZNDoAE6fR3Re2d7a+jZa0QctTjYVq1c2fBrSCI7Sa7Z8OXhIDOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGGFQkDSWEnXSHpO0jpJ10mq+/SHkk6WFJJuq79UMzNrtpohIGk0cAuwK3AocAgwCVgsaZuiC5I0ATgFeHJgpZqZWbMVOZX0kcAEYJeIeARA0n3Aw8BRwHkFl/V94Cpgl4LLNTOzFisyHDQdWFIKAICIWAHcDswoshBJnwU+AJw8kCLNzKw1ioTA7sCyKtOXA5NrNZbUAZwP/GtErKmvPDMza6UiITAGWFtl+hqgo0D7c4CHgMuKl2VmZoOh6Nh8tWvoqVYjSf8AfAH4QNRxHT5Js4BZAJ2dnfT29hZtmiR/Pu3jzz5tI6H/i4TAWrK1gUodVF9DKDcPuBR4TNI7ypY5Kn/8UkRsqGwUEfOB+QDd3d3R09NToMx0+fNpH3/2aRsJ/V8kBJaTbReoNBm4v0bb3fLb0VWeWwucAFxQoAYzM2uBIiGwEDhX0oSI+F8ASV3A3sBJNdpOrTLtAmAUcBzwSJXnzcxskBQJgUuAY4EFkr5Btn3gTGA12XAPAJLGA48CZ0TEGQAR0Vv5YpKeBTav9pyZmQ2umnsHRcQLwDSyPXyuIDvgawUwLSLWl80qsl/4Ph+RmdkwUWjvoIhYBcysMU8fBfYYioieIss0M7PW8692M7OEOQTMzBLmE7mZ2bDz7vHvZvaY2W2vYSRwCJjZsLO6b3XDryGJOk5kMGJ5OMjMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhPlU0g0YP3Yc6tmr7TWYmQ2UQ6ABfatWNvwaPqe5mbWTh4PMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYYVCQNJYSddIek7SOknXSap5lJKkbknzJT0g6UVJqyRdJWnnxks3M7NG1QwBSaOBW4BdgUOBQ4BJwGJJ29Ro/hlgd+B7wCeAk4APAEsljW2gbjMza4IiRwwfCUwAdomIRwAk3Qc8DBwFnNdP27Mj4qnyCZJuB1bkrztnIEWbmVlzFBkOmg4sKQUAQESsAG4HZvTXsDIA8mkrgaeAd9VXqpmZNVuRENgdWFZl+nJgcr0LlLQbsAPwp3rbmplZcxUZDhoDrK0yfQ3QUc/CJG0O/IBsTeDSfuabBcwC6OzspLe3t57FDDsj/f2NZO674c39B6p1BktJrwDfjYiTK6Z/C/i3iCh8JlJJPwCOAPaPiEVF2nR3d8fSpUuLLmLY8VlEhy/33fA20vtP0l0R0V1rviJf4GvJ1gYqdVB9DWFTBX2b7Nf9oUUDwMzMWqtICCwn2y5QaTJwf5GFSDqFbPfQr0TEFcXLMzOzViqyYXghMEXShNIESV3A3vlz/ZL0FWAucEpEXDiwMs3MrBWKhMAlQB+wQNIMSdOBBcBqYF5pJknjJb0maU7ZtM8AFwA3ArdImlJ2q3vPIjMza66aw0ER8YKkacD5wBWAgJuB2RGxvmxWAaP462DZL5++X34rdyvQM+DKzcysYYX27ImIVcDMGvP0kX3hl087DDhsYKWZmVmr+SyiZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSXMIWBmljCHgJlZwhwCZmYJcwiYmSWsUAhIGivpGknPSVon6TpJ4wq23VrSOZKekPSSpDskfaSxss3MrBlqhoCk0cAtwK7AocAhwCRgsaRtCizjUuBIYA7wSeAJ4JeS9hxo0WZm1hybF5jnSGACsEtEPAIg6T7gYeAo4LxNNZS0B/BZ4PCI+GE+7VZgOXAGML2h6s3MqpDUlPkiohnlDGlFhoOmA0tKAQAQESuA24EZBdq+Clxd1vY14L+AfSVtVXfFZmY1RERTbikoEgK7A8uqTF8OTC7QdkVEvFil7ZbAxALLNzOzFikSAmOAtVWmrwE6Gmhbet7MzNqkyDYBgGrrRUUG3TSQtpJmAbMAOjs76e3tLbCooWfq1KmF5qs1Lrl48eJmlGN1KtJ/7jsb7oqEwFqq/2LvoPqv/HJrgGq7knaUPb+RiJgPzAfo7u6Onp6eAmUOPamMKY5U7j9LQZHhoOVkY/uVJgP3F2i7c76baWXbV4BHNm5iZmaDpUgILASmSJpQmiCpC9g7f65W2y2AT5e13Rw4GFgUERvqrNfMzJqoSAhcAvQBCyTNkDQdWACsBuaVZpI0XtJrkuaUpkXEPWS7h14g6UuSPka2e+jOwKnNextmZjYQNUMgIl4ApgEPAVcAVwErgGkRsb5sVgGjqrzmF4EfAnOB64GxwH4RcXfD1ZuZWUMK7R0UEauAmTXm6aPKXj8R8RLw1fxmZmZDiM8iamaWMIeAmVnCHAJmZgnTUD8gRtJTwMp219FC2wFPt7sIGxD33fA20vtvfERsX2umIR8CI52kpRHR3e46rH7uu+HN/ZfxcJCZWcIcAmZmCXMItN/8dhdgA+a+G97cf3ibgJlZ0rwmYGaWsCRDQNJhkqLs9rykeyUdm5/ldLDqOE1SXatiknol9baopBGnSl+/IulRSWdJ2rrNtfVJuqzscanWrrYVNYJU6fvy28fzec6StEjSM/n0w9pc9qAbtC+8IerTwGPAtvm/LwR2AOb016iJ/gO4sc42x7SikASU+vptwIHAyfm/j2tnUTYoSn1frnQtlOOAe4CfA18YzKKGitRD4J6IKF3YZpGkicBsqoSAsusIbhERrzRr4RHxGBv/56zVptaFfKy68r6+SdIk4AhJx0fEG+0szFquvO8rvT0i3sj/9pMMgSSHg/pxJ/A2STvkq+pXSjpc0gNkV0LbH0DSaElnS1qRDy+skHSKpL/6PCVtL+liSaslbcjvr5C0Vf78RsNBko6X9CdJL0laK2mppAPLnt9oOEjSLpJ+KunZvN0SSftVzHNavro7SdL1ktZLWilpTmXdibgbeAvZUaMASNpZ0lWSnsr7657yz75svj3yz/uZ/PN+UNLJZc/vI+kGSU9IelHSMklfkzRqcN6aFeUfAF4TqLQz8DpQuk7CVGBP4HTgSaAv32bwS7JLZJ4J/BGYAnyT7FrMXwOQ1AH8Np82F7iPbKhpBrAlsNFV1SR9DvgucAbwG7IvqfdT/RrPpTY7AbcBzwPHAs8BXwaul/TJiPhFRZOfkl3f4XzgU/l7W51PS0kX2Wf1DICkscDvyPr5BOApsivgXSvpgIhYmM/3QaCX7NKoJ5CtyU0i66eSCcDNZMOLLwPdwGnA9sBJLX1XVs2oim19ERGvt62aoSYikrsBhwEB7EIWhB3AUWQB8LN8nj7gRWDHiraH5G0/UjH9FLK1hR3yx2fkr/d3/dRxWtYFbz6+CLi7Ru29QG/Z43OB14CJZdNGAQ+Wv1ZpWcAXK17vj2SX+mx7vwxiXx+ef2bHls13KdkX/zsr2t9ENpxQevxrstAcXXD5ypd7CrAW2KzsuT7gsiq1drX7cxsJt7LPs/J2W5V5J+bPHdbuugf7luIwQLkHgFeBNcDFZFdNO7zs+SUR8eeKNvuRndDut5I2L92ARWTXU56Sz7cPcGdE/KGOeu4E9pR0oaSPSxpdoM1H8jrfHPOM7FfOj/PX2rZi/usrHi8DxtVR43BV3teXAvMi4qKy5/cDbgCeq+jXXwJ7SNo274+9gasi4sVNLUjS30iaJ2kl2Q+DV8nWBt9BtjZog+tAYK+y2xHtLWdoSX046ECy1fnngZUR8XLF809UabMDMJ7sD7uad5bd31tnPT8Ctib7T3oM8KqkG4CvRnbltmrGANWC5s9kv0I7gHVl09dUzLchX+ZIV+rr7cmucneMpN9FxI/y53cg2zC4qY2D7yT7Qt+Mfjbm59tXFgI7ka19PQC8BBxAtjaQwmc91CyLTW8YTl7qIVDrP0e1ffifIbvG8kGbaNOX3z8NvKueYiJbL50HzMu3KexDto3gauBDm2i2BtixyvQdyeqv/NJP1Zt9LekWsm0050i6NrLraD9Dth3m7E20f5xsmO0N+u/X95BtAzgkIq4sTZT0qcbfglnzpT4cNBA3AmOB9RGxtMqtdH7yRcAHJe0xkIVExNqIuBr4b+C9/cx6KzCl/ACjfC+Ug4E/RMTzA1n+SBYRG4Cvk/36Lx13cSPZxt3lm+jXDfkQ0G3A5yW9ZRMvXxrCe3NNUdIWwOda8mbMGpT6msBAXAV8EbhZ0nfJhny2JPsFOB04IP+yOB/4LPArSXPJNsBuR7Z30NHVvpwlzScbmrqDbC+VvyXbEL2on3rOJ9sAdpOkU8mGfo7J2+7f6JsdqSJioaQ7gRMlXUR2bMjvgV/nj/vIhtLeC0yIiNK2ohPJgveOvP8fI9sbaM+IOA74E9k2o29Jep0sDE4YvHdm9ZD0UbIhwtLadLek9QARcU3bChtEDoE6RcSrkvYl29VvFtlupS8Aj5JtdH0ln+9ZSXuTbRA8iWxM+S/ALaV5qridLGAOAd5ONgRxJXBqP/U8LunDZMMY3we2IjsCcv+IqPdo5NR8g2zD79ERcb6k0q6cZ5F9MTxDtuH88lKDiLgz79czyHYB3YrsS/+H+fOvSDqAbE+vH5ENx/0nsAq4ZHDeltXhdOCjZY+/nN8g26Y24vksomZmCfM2ATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhP0//t3ZjeY2sNgAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "draw_plot([pres_all, recalls_all, f1_all], title='Scores for All Elements')" + ] + }, + { + "cell_type": "code", + "execution_count": 75, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYEAAAEBCAYAAACe6Rn8AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4wLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvqOYd8AAAF2hJREFUeJzt3X2QXFWdxvHvQ3gzKDoRGBadZIhhgaDCuoOmFtedRAVcNIHKCpaKIEpgESQobkGh4S2LUiBBodCEZQWBclkBTVYQAySDgkQJCJggQthMEhYUJIEQXgKB3/5xb1NtpzN9e6Z7embO86nq6vTpe/r+uk+mn77n3u6riMDMzNK0VasLMDOz1nEImJklzCFgZpYwh4CZWcIcAmZmCXMImJklzCFgZpYwh4CZWcIcAmZmCdu61QXUstNOO0VnZ2eryzAzG1buvffev0TEzrWWG/Ih0NnZydKlS1tdhpnZsCJpVZHlPB1kZpYwh4CZWcIcAmZmCSsUApLeKekSSXdLelFSSOos2HcrSadL6pX0sqQHJE0fSNFmZtYYRbcEJgCHA+uAX9W5jnOBs4BLgY8BS4AfS/rnOh/HzMwarOjRQb+MiHYASV8EDizSSdIuwKnAtyLiwrx5saQJwLeAm+us18zMGqjQlkBEvN7Pxz8I2Ba4pqL9GuA9knbv5+OamVkDNHvH8D7ARmBFRfvy/Hpik9dvZmZ9aPaXxcYAz8bmJzJeW3b/ZiTNAGYAtLe309PT07QCm2ny5MkNeZzFixc35HGsPo0YP49da/hvr7hmh4CAameyV1+dImIeMA+gq6sruru7G1/ZINg8+zYnqdByNvhqjYvHbujy315xzZ4OWgu0Sap8028ru9/MzFqk2SGwHNgOeFdFe2lfwENNXr+ZmfWh2SFwC/AK8JmK9s8CyyJiZZPXb2ZmfSi8T0DSv+T//Pv8+mOSngaejog78mU2AVdFxBcAIuIpSXOA0yU9D9wHHAFMAaY16DmYmVk/1bNj+McVty/Lr+8AuvN/j8ov5c4ANgAnA7sCfwQOj4j/qatSMzNruMIhEBF9HtGzpWUi4jVgdn4xM7MhxL8iamaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAJWnsuHFIGtAFGPBjjB03rsWvhKWunnMMm40Ya1av5oaHn2h1GUzfa7dWl2CJ85aAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJaxQCEjqkHS9pOckrZd0o6SxBfuOlXSVpNWSXpT0iKTZknYYWOlmZjZQNb8sJmk0sAjYCBwFBDAbWCzpvRHxQh99dwBuA7YBvgGsBvYHzgb2AI4Y6BMwM7P+K/KN4WOB8cCeEbECQNKDwKPAccBFffQ9gOzN/qCIWJi3LZY0BjhV0uiIeLHf1ZuZ2YAUmQ6aCiwpBQBARKwE7gKm1ei7bX69vqL92XzdKlinmZk1QZEQ2AdYVqV9OTCxRt/byLYYzpc0UdKbJU0BTga+39dUkpmZNV+REBgDrKvSvhZo66tjRLwMfDBfz3LgeeB24GfAiXVVamZmDVf0V0SjSlvNqRxJ2wPXAbsAR5LtGH4/MAvYBPzrFvrNAGYAtLe309PTU7DM4WmkPz/rm8e/dfzagyKqvb+XLSD9GfhpRBxX0X4Z8MmI2LmPvl8CLgUmRMRjZe3HAvOA/SLigb7W39XVFUuXLq35RIYrSdQaA2s8SUPmp6Q9/q0x0v/2JN0bEV21lisyHbScbL9ApYnAQzX6vgdYVx4Aud/m13sXWL+ZmTVJkRBYAEySNL7UIKmT7PDPBTX6/glokzShov0D+fX/FSvTzMyaoUgIXA70AvMlTZM0FZgPrAHmlhaSNE7SJkmzyvpeSbYz+GZJR0maLOlrwIXAvWSHmZqZWYvUDIH8MM4pwCPA1cC1wEpgSkRsKFtUwKjyx4yIXmAScD/Zt4xvJvvy2TzgoxHxekOehZmZ9Uuho4MiYjUwvcYyvVQ5YigiHgIO709xZmbWXP4VUTOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ8DMLGEOATOzhDkEzMwS5hAwM0uYQ2AAOseOQ9KALsCA+neOHdfiV8Fs8HV0drT8b6+js6PFr0JjFDrRvFW3as1qoueeltag7v1bun6zVnh81eNcvPbiltYwc8zMlq6/UbwlYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCCh0iKqkDmAN8FBBwGzAzIlYX7L83cA4wGdgBWA1cFhHf6U/RZgMVZ+4IP9qr1WVkdZi1UM0QkDQaWARsBI4CApgNLJb03oh4oUb/rrx/D/BF4DlgD+DNA6rcbAB09npuePiJVpfB9L12I85qdRWWsiJbAscC44E9I2IFgKQHgUeB44CLttRR0lbAVcDtEXFY2V2L+12xmZk1TJF9AlOBJaUAAIiIlcBdwLQafbuBifQRFGZm1jpFQmAfYFmV9uVkb/B9+WB+vb2kJZJelfSUpO9KelM9hZqZWeMVmQ4aA6yr0r4WaKvRd7f8+jrgUuA0oItsJ3EHcFi1TpJmADMA2tvb6enpKVBmuvz6DG8ev+FrJIxd0R+QiyptKtCvtKVxTUTMyv/dI2kU8C1JEyPioc1WFjEPmAfQ1dUV3d3dBctMk1+f4c3jN3yNhLErMh20jmxroFIb1bcQyj2TX99a0b4wv96vwPrNzKxJioTAcrL9ApUmApt9iq/SFzbfkihtRbxeYP1mZtYkRUJgATBJ0vhSg6RO4ID8vr78nOz7BQdXtB+UXy8tVKWZmTVFkRC4HOgF5kuaJmkqMB9YA8wtLSRpnKRNkkpz/0TEM8A3geMlnSfpI5JOA2YBV5UfdmpmZoOv5o7hiHhB0hSyn424mmwq53ayn43YULaogFFsHiznAM8DJwCnAk8CFwDnDrh6MzMbkEJHB+W/ETS9xjK9VDliKCKC7Mti/sKYmdkQ418RNTNLmEPAzCxhDgEzs4Q5BMzMEuYQMDNLmEPAzCxhDgEzs4Q5BMzMEuYQMDNLmEPAzCxhDgEzs4Q5BMzMEuYQMDNLmEPAzCxhDgEzs4Q5BMzMEuYQMDNLmEPAzCxhhU4vaWY2lMSZO8J3ZrW0hpPP3LGl628Uh4CZDTs6ez0Xr724pTXMHDOTOKulJTSEp4PMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS1ihEJDUIel6Sc9JWi/pRklj612ZpNMlhaQ76y/VzMwarWYISBoNLAL2Ao4CjgT2ABZL2qHoiiSNB84AnupfqWZm1mhFvix2LDAe2DMiVgBIehB4FDgOuKjgur4HXAvsWXC9ZmbWZEWmg6YCS0oBABARK4G7gGlFViLp08D7gNP7U6SZmTVHkRDYB1hWpX05MLFWZ0ltwBzg3yJibX3lmZlZMxUJgTHAuirta4G2Av0vAB4BrixelpmZDYaic/NRpU21Okn6R+BzwPsiotpjbKnfDGAGQHt7Oz09PUW7Dqo4c0dY/OGW1zBUXx8rxuM3fI2EsSsSAuvItgYqtVF9C6HcXOAK4HFJbytb56j89ksRsbGyU0TMA+YBdHV1RXd3d4EyB58mryd67mltDd37E2d1t7QGG5ih+v/bahsJY1ckBJaT7ReoNBF4qEbfvfPL8VXuWwecArT292DNzBJWJAQWABdKGh8R/wsgqRM4ADitRt/JVdouBkYBJwErqtxvZmaDpEgIXA6cCMyX9HWy/QPnAmvIpnsAkDQOeAw4JyLOAYiInsoHk/QssHW1+8zMbHDVDIGIeEHSFLLDPK8m2yF8OzAzIjaULSqyT/j+PSIb8jrGjmX6Xru1ugw6xtb96ytmDVXo6KCIWA1Mr7FMLwWOGIqI7iLrNGum1atWDfgxJFHHQW9mQ5I/tZuZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJazQmcXMzIaSd457JzPHzGx5DSOBQ8DMhp01vWsG/Bg+PWjG00FmZglzCJiZJcwhYGaWMIeAmVnCHAJmZglzCJiZJcwhYGaWMIeAmVnCCoWApA5J10t6TtJ6STdKGlugX5ekeZIelvSipNWSrpW0+8BLNzOzgaoZApJGA4uAvYCjgCOBPYDFknao0f1TwD7Ad4GPAacB7wOWSuoYQN1mZtYARX424lhgPLBnRKwAkPQg8ChwHHBRH33Pj4inyxsk3QWszB93Vn+KNjOzxigyHTQVWFIKAICIWAncBUzrq2NlAORtq4CngXfUV6qZmTVakRDYB1hWpX05MLHeFUraG9gF+EO9fc3MrLGKTAeNAdZVaV8LtNWzMklbA98n2xK4oo/lZgAzANrb2+np6alnNcnx69M6fu2HN49f8Z+SrvZ7q+rH+i4F/gE4JCKqBUu2soh5wDyArq6u6O7u7seq0uHXp3X82g9vHr9iIbCObGugUhvVtxCqkvRNsk/3R0XEwqL9zMyseYqEwHKy/QKVJgIPFVmJpDPIDg/9ckRcXbw8MzNrpiI7hhcAkySNLzVI6gQOyO/rk6QvA7OBMyLikv6VaWZmzVAkBC4HeoH5kqZJmgrMB9YAc0sLSRonaZOkWWVtnwIuBm4BFkmaVHap+8giMzNrrJrTQRHxgqQpwBzgarIdwrcDMyNiQ9miAkbx18FycN5+cH4pdwfQ3e/Kh4BxHWNR9/4tr8HMrL801E+03NXVFUuXLm11GU3jk10PXx674W2kj5+keyOiq9Zy/hVRM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBLmEDAzS5hDwMwsYQ4BM7OEOQTMzBJWKAQkdUi6XtJzktZLulHS2IJ9t5d0gaQnJb0k6W5JHxpY2WZm1gg1Q0DSaGARsBdwFHAksAewWNIOBdZxBXAsMAv4OPAk8AtJ+/W3aDMza4ytCyxzLDAe2DMiVgBIehB4FDgOuGhLHSXtC3waOCYifpC33QEsB84Bpg6oejMzG5Ai00FTgSWlAACIiJXAXcC0An1fBa4r67sJ+C/gIEnb1V2xmZk1TJEQ2AdYVqV9OTCxQN+VEfFilb7bAhMKrN/MrC6Sal6KLJeCItNBY4B1VdrXAm0D6Fu638ysoSKi1SUMG0VCAKDaK1okJtWfvpJmADMA2tvb6enpKbCqoWfy5MmFlqv1iWPx4sWNKMfqVGT8PHY23BUJgXVU/8TeRvVP+eXWAtUOJW0ru38zETEPmAfQ1dUV3d3dBcocevxpZHjz+FkKiuwTWE42t19pIvBQgb6754eZVvZ9BVixeRczMxssRUJgATBJ0vhSg6RO4ID8vlp9twE+WdZ3a+AIYGFEbKyzXjMza6AiIXA50AvMlzRN0lRgPrAGmFtaSNI4SZskzSq1RcT9ZIeHXizpi5I+THZ46O7AmY17GmZm1h81QyAiXgCmAI8AVwPXAiuBKRGxoWxRAaOqPObngR8As4GbgA7g4Ii4b8DVm5nZgBQ6OigiVgPTayzTS5WjfiLiJeAr+cXMzIYQ/4qomVnCHAJmZglzCJiZJUxD/Qsxkp4GVrW6jibaCfhLq4uwfvHYDW8jffzGRcTOtRYa8iEw0klaGhFdra7D6uexG948fhlPB5mZJcwhYGaWMIdA681rdQHWbx674c3jh/cJmJklzVsCZmYJSzIEJB0tKcouz0t6QNKJ+a+cDlYdZ0mqa1NMUo+kniaVNOJUGetXJD0m6TxJ27e4tl5JV5bdLtXa2bKiRpAqY19++Ui+zHmSFkp6Jm8/usVlD7pBe8Mboj4JPA7smP/7EmAXYFZfnRroP4Bb6uxzQjMKSUBprN8CHAacnv/7pFYWZYOiNPblSudCOQm4H/gZ8LnBLGqoSD0E7o+I0oltFkqaAMykSggoO4/gNhHxSqNWHhGPs/l/zlp9ap3Ix6orH+tbJe0BfEHSyRHxeisLs6YrH/tKb42I1/O//SRDIMnpoD7cA7xF0i75pvo1ko6R9DDZmdAOAZA0WtL5klbm0wsrJZ0h6a9eT0k7S7pM0hpJG/PrqyVtl9+/2XSQpJMl/UHSS5LWSVoq6bCy+zebDpK0p6SfSHo277dE0sEVy5yVb+7uIekmSRskrZI0q7LuRNwHvInsW6MASNpd0rWSns7H6/7y175suX3z1/uZ/PX+o6TTy+4/UNLNkp6U9KKkZZK+KmnU4Dw1K8ofALwlUGl34DWgdJ6EycB+wNnAU0Bvvs/gF2SnyDwX+D0wCfgG2bmYvwogqQ34dd42G3iQbKppGrAtsNlZ1SR9Bvg2cA7wK7I3qfdS/RzPpT67AXcCzwMnAs8BXwJukvTxiPh5RZefkJ3fYQ7wify5rcnbUtJJ9lo9AyCpA/gN2TifAjxNdga8GyQdGhEL8uXeD/SQnRr1FLItuT3IxqlkPHA72fTiy0AXcBawM3BaU5+VVTOqYl9fRMRrLatmqImI5C7A0UAAe5IFYRtwHFkA/DRfphd4Edi1ou+Red8PVbSfQba1sEt++5z88f6ujzrOyobgjduXAvfVqL0H6Cm7fSGwCZhQ1jYK+GP5Y5XWBXy+4vF+T3aqz5aPyyCO9TH5a3Zi2XJXkL3xv72i/61k0wml278kC83RBdevfL1nAOuArcru6wWurFJrZ6tft5FwKXs9Ky93Vll2Qn7f0a2ue7AvKU4DlHsYeBVYC1xGdta0Y8ruXxIRf6roczDZD9r9WtLWpQuwkOx8ypPy5Q4E7omI39VRzz3AfpIukfQRSaML9PlQXucbc56Rfcr5Uf5YO1Ysf1PF7WXA2DpqHK7Kx/oKYG5EXFp2/8HAzcBzFeP6C2BfSTvm43EAcG1EvLilFUn6G0lzJa0i+2DwKtnW4NvItgZtcB0G7F92+UJryxlaUp8OOoxsc/55YFVEvFxx/5NV+uwCjCP7w67m7WXXD9RZzw+B7cn+k54AvCrpZuArkZ25rZoxQLWg+RPZp9A2YH1Z+9qK5Tbm6xzpSmO9M9lZ7k6Q9JuI+GF+/y5kOwa3tHPw7WRv6FvRx878fP/KAmA3sq2vh4GXgEPJtgZSeK2HmmWx5R3DyUs9BGr956h2DP8zZOdYPnwLfXrz678A76inmMi2S+cCc/N9CgeS7SO4DvjAFrqtBXat0r4rWf2Vb/qpemOsJS0i20dzgaQbIjuP9jNk+2HO30L/J8im2V6n73F9F9k+gCMj4ppSo6RPDPwpmDVe6tNB/XEL0AFsiIilVS6l3ydfCLxf0r79WUlErIuI64D/Bt7dx6J3AJPKv2CUH4VyBPC7iHi+P+sfySJiI/A1sk//pe9d3EK2c3f5FsZ1Yz4FdCfwWUlv2sLDl6bw3thSlLQN8JmmPBmzAUp9S6A/rgU+D9wu6dtkUz7bkn0CnAocmr9ZzAE+DdwmaTbZDtidyI4OOr7am7OkeWRTU3eTHaXyt2Q7ohf2Uc8csh1gt0o6k2zq54S87yEDfbIjVUQskHQPcKqkS8m+G/Jb4Jf57V6yqbR3A+MjorSv6FSy4L07H//HyY4G2i8iTgL+QLbP6N8lvUYWBqcM3jOzekj6J7IpwtLWdJekDQARcX3LChtEDoE6RcSrkg4iO9RvBtlhpS8Aj5HtdH0lX+5ZSQeQ7RA8jWxO+c/AotIyVdxFFjBHAm8lm4K4Bjizj3qekPRBsmmM7wHbkX0D8pCIqPfbyKn5OtmO3+MjYo6k0qGc55G9MTxDtuP8qlKHiLgnH9dzyA4B3Y7sTf8H+f2vSDqU7EivH5JNx/0nsBq4fHCeltXhbOCfym5/Kb9Atk9txPOviJqZJcz7BMzMEuYQMDNLmEPAzCxhDgEzs4Q5BMzMEuYQMDNLmEPAzCxhDgEzs4Q5BMzMEvb/ucuWDpfEXmUAAAAASUVORK5CYII=\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "draw_plot([pres_non_text, recalls_non_text, f1_non_text], title='Score for Non-text Elements')" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.5.6" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/screencoder/UIED/result_processing/eval_classes.py b/screencoder/UIED/result_processing/eval_classes.py new file mode 100644 index 0000000000000000000000000000000000000000..64f78e231017574ad0002c002e04178c288fd28f --- /dev/null +++ b/screencoder/UIED/result_processing/eval_classes.py @@ -0,0 +1,215 @@ +import json +import numpy as np +import cv2 +from glob import glob +from os.path import join as pjoin +from tqdm import tqdm + +class_map = {'0':'Button', '1':'CheckBox', '2':'Chronometer', '3':'EditText', '4':'ImageButton', '5':'ImageView', + '6':'ProgressBar', '7':'RadioButton', '8':'RatingBar', '9':'SeekBar', '10':'Spinner', '11':'Switch', + '12':'ToggleButton', '13':'VideoView', '14':'TextView'} + + +def resize_label(bboxes, d_height, gt_height, bias=0): + bboxes_new = [] + scale = gt_height / d_height + for bbox in bboxes: + bbox = [int(b * scale + bias) for b in bbox] + bboxes_new.append(bbox) + return bboxes_new + + +def draw_bounding_box(org, corners, color=(0, 255, 0), line=2, show=False): + board = org.copy() + for i in range(len(corners)): + board = cv2.rectangle(board, (corners[i][0], corners[i][1]), (corners[i][2], corners[i][3]), color, line) + if show: + cv2.imshow('a', cv2.resize(board, (500, 1000))) + cv2.waitKey(0) + return board + + +def load_detect_result_json(reslut_file_root, shrink=4): + def is_bottom_or_top(corner): + column_min, row_min, column_max, row_max = corner + if row_max < 36 or row_min > 725: + return True + return False + + result_files = glob(pjoin(reslut_file_root, '*.json')) + compos_reform = {} + print('Loading %d detection results' % len(result_files)) + for reslut_file in tqdm(result_files): + img_name = reslut_file.split('\\')[-1].split('.')[0] + compos = json.load(open(reslut_file, 'r'))['compos'] + for compo in compos: + if compo['column_max'] - compo['column_min'] < 10 or compo['row_max'] - compo['row_min'] < 10: + continue + if is_bottom_or_top((compo['column_min'], compo['row_min'], compo['column_max'], compo['row_max'])): + continue + if img_name not in compos_reform: + compos_reform[img_name] = {'bboxes': [[compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, compo['row_max'] - shrink]], + 'categories': [compo['category']]} + else: + compos_reform[img_name]['bboxes'].append([compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, compo['row_max'] - shrink]) + compos_reform[img_name]['categories'].append(compo['category']) + return compos_reform + + +def load_ground_truth_json(gt_file): + def get_img_by_id(img_id): + for image in images: + if image['id'] == img_id: + return image['file_name'].split('/')[-1][:-4], (image['height'], image['width']) + + def cvt_bbox(bbox): + ''' + :param bbox: [x,y,width,height] + :return: [col_min, row_min, col_max, row_max] + ''' + bbox = [int(b) for b in bbox] + return [bbox[0], bbox[1], bbox[0] + bbox[2], bbox[1] + bbox[3]] + + data = json.load(open(gt_file, 'r')) + images = data['images'] + annots = data['annotations'] + compos = {} + print('Loading %d ground truth' % len(annots)) + for annot in tqdm(annots): + img_name, size = get_img_by_id(annot['image_id']) + if img_name not in compos: + compos[img_name] = {'bboxes': [cvt_bbox(annot['bbox'])], 'categories': [class_map[str(annot['category_id'])]], 'size': size} + else: + compos[img_name]['bboxes'].append(cvt_bbox(annot['bbox'])) + compos[img_name]['categories'].append(class_map[str(annot['category_id'])]) + return compos + + +def eval(detection, ground_truth, img_root, show=True, no_text=False, only_text=False): + def compo_filter(compos, flag): + if not no_text and not only_text: + return compos + compos_new = {'bboxes': [], 'categories': []} + for k, category in enumerate(compos['categories']): + if only_text: + if flag == 'det' and category != 'TextView': + continue + if flag == 'gt' and category != 'TextView': + continue + elif no_text: + if flag == 'det' and category == 'TextView': + continue + if flag == 'gt' and category == 'TextView': + continue + + compos_new['bboxes'].append(compos['bboxes'][k]) + compos_new['categories'].append(category) + return compos_new + + def match(org, d_bbox, d_category, gt_compos, matched): + ''' + :param matched: mark if the ground truth component is matched + :param d_bbox: [col_min, row_min, col_max, row_max] + :param gt_bboxes: list of ground truth [[col_min, row_min, col_max, row_max]] + :return: Boolean: if IOU large enough or detected box is contained by ground truth + ''' + area_d = (d_bbox[2] - d_bbox[0]) * (d_bbox[3] - d_bbox[1]) + gt_bboxes = gt_compos['bboxes'] + gt_categories = gt_compos['categories'] + for i, gt_bbox in enumerate(gt_bboxes): + if matched[i] == 0: + continue + area_gt = (gt_bbox[2] - gt_bbox[0]) * (gt_bbox[3] - gt_bbox[1]) + col_min = max(d_bbox[0], gt_bbox[0]) + row_min = max(d_bbox[1], gt_bbox[1]) + col_max = min(d_bbox[2], gt_bbox[2]) + row_max = min(d_bbox[3], gt_bbox[3]) + # if not intersected, area intersection should be 0 + w = max(0, col_max - col_min) + h = max(0, row_max - row_min) + area_inter = w * h + if area_inter == 0: + continue + iod = area_inter / area_d + iou = area_inter / (area_d + area_gt - area_inter) + # if show: + # cv2.putText(org, (str(round(iou, 2)) + ',' + str(round(iod, 2))), (d_bbox[0], d_bbox[1]), + # cv2.FONT_HERSHEY_SIMPLEX, 1, (0, 0, 255), 2) + + if iou > 0.9 or iod == 1: + if d_category == gt_categories[i]: + matched[i] = 0 + return True + return False + + amount = len(detection) + TP, FP, FN = 0, 0, 0 + pres, recalls, f1s = [], [], [] + for i, image_id in enumerate(detection): + TP_this, FP_this, FN_this = 0, 0, 0 + img = cv2.imread(pjoin(img_root, image_id + '.jpg')) + d_compos = detection[image_id] + if image_id not in ground_truth: + continue + gt_compos = ground_truth[image_id] + + org_height = gt_compos['size'][0] + + d_compos = compo_filter(d_compos, 'det') + gt_compos = compo_filter(gt_compos, 'gt') + + d_compos['bboxes'] = resize_label(d_compos['bboxes'], 800, org_height) + matched = np.ones(len(gt_compos['bboxes']), dtype=int) + for j, d_bbox in enumerate(d_compos['bboxes']): + if match(img, d_bbox, d_compos['categories'][j], gt_compos, matched): + TP += 1 + TP_this += 1 + else: + FP += 1 + FP_this += 1 + FN += sum(matched) + FN_this = sum(matched) + + try: + pre_this = TP_this / (TP_this + FP_this) + recall_this = TP_this / (TP_this + FN_this) + f1_this = 2 * (pre_this * recall_this) / (pre_this + recall_this) + except: + print('empty') + continue + + pres.append(pre_this) + recalls.append(recall_this) + f1s.append(f1_this) + if show: + print(image_id + '.jpg') + print('[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f' % ( + i, amount, TP_this, FP_this, FN_this, pre_this, recall_this)) + # cv2.imshow('org', cv2.resize(img, (500, 1000))) + broad = draw_bounding_box(img, d_compos['bboxes'], color=(255, 0, 0), line=3) + draw_bounding_box(broad, gt_compos['bboxes'], color=(0, 0, 255), show=True, line=2) + + if i % 200 == 0: + precision = TP / (TP + FP) + recall = TP / (TP + FN) + f1 = 2 * (precision * recall) / (precision + recall) + print( + '[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f, F1:%.3f' % (i, amount, TP, FP, FN, precision, recall, f1)) + + precision = TP / (TP + FP) + recall = TP / (TP + FN) + print('[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f, F1:%.3f' % (i, amount, TP, FP, FN, precision, recall, f1)) + # print("Average precision:%.4f; Average recall:%.3f" % (sum(pres)/len(pres), sum(recalls)/len(recalls))) + + return pres, recalls, f1s + + +no_text = True +only_text = False + +# detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_cls\\ip') +# detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_cls\\merge') +detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_v3\\merge') +# detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_v3\\ocr') +gt = load_ground_truth_json('E:\\Mulong\\Datasets\\rico\\instances_test.json') +eval(detect, gt, 'E:\\Mulong\\Datasets\\rico\\combined', show=False, no_text=no_text, only_text=only_text) diff --git a/screencoder/UIED/result_processing/eval_size.py b/screencoder/UIED/result_processing/eval_size.py new file mode 100644 index 0000000000000000000000000000000000000000..1c90ccea854b876c6841f901afdebbedf4921fd9 --- /dev/null +++ b/screencoder/UIED/result_processing/eval_size.py @@ -0,0 +1,219 @@ +import json +import numpy as np +import cv2 +from glob import glob +from os.path import join as pjoin +from tqdm import tqdm + + +def resize_label(bboxes, d_height, gt_height, bias=0): + bboxes_new = [] + scale = gt_height / d_height + for bbox in bboxes: + bbox = [int(b * scale + bias) for b in bbox] + bboxes_new.append(bbox) + return bboxes_new + + +def draw_bounding_box(org, corners, color=(0, 255, 0), line=2, show=False): + board = cv2.resize(org, (608, 1024)) + for i in range(len(corners)): + board = cv2.rectangle(board, (corners[i][0], corners[i][1]), (corners[i][2], corners[i][3]), color, line) + if show: + cv2.imshow('a', board) + cv2.waitKey(0) + return board + + +def load_detect_result_json(reslut_file_root, shrink=3): + def is_bottom_or_top(corner): + column_min, row_min, column_max, row_max = corner + if row_max < 36 or row_min > 725: + return True + return False + + result_files = glob(pjoin(reslut_file_root, '*.json')) + compos_reform = {} + print('Loading %d detection results' % len(result_files)) + for reslut_file in tqdm(result_files): + img_name = reslut_file.split('\\')[-1].split('.')[0] + compos = json.load(open(reslut_file, 'r'))['compos'] + for compo in compos: + if compo['column_max'] - compo['column_min'] < 10 or compo['row_max'] - compo['row_min'] < 10: + continue + if is_bottom_or_top((compo['column_min'], compo['row_min'], compo['column_max'], compo['row_max'])): + continue + if img_name not in compos_reform: + compos_reform[img_name] = {'bboxes': [ + [compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, + compo['row_max'] - shrink]], + 'categories': [compo['category']]} + else: + compos_reform[img_name]['bboxes'].append( + [compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, + compo['row_max'] - shrink]) + compos_reform[img_name]['categories'].append(compo['category']) + return compos_reform + + +def load_ground_truth_json(gt_file): + def get_img_by_id(img_id): + for image in images: + if image['id'] == img_id: + return image['file_name'].split('/')[-1][:-4], (image['height'], image['width']) + + def cvt_bbox(bbox): + ''' + :param bbox: [x,y,width,height] + :return: [col_min, row_min, col_max, row_max] + ''' + bbox = [int(b) for b in bbox] + return [bbox[0], bbox[1], bbox[0] + bbox[2], bbox[1] + bbox[3]] + + data = json.load(open(gt_file, 'r')) + images = data['images'] + annots = data['annotations'] + compos = {} + print('Loading %d ground truth' % len(annots)) + for annot in tqdm(annots): + img_name, size = get_img_by_id(annot['image_id']) + if img_name not in compos: + compos[img_name] = {'bboxes': [cvt_bbox(annot['bbox'])], 'categories': [annot['category_id']], 'size': size} + else: + compos[img_name]['bboxes'].append(cvt_bbox(annot['bbox'])) + compos[img_name]['categories'].append(annot['category_id']) + return compos + + +def eval(detection, ground_truth, img_root, show=True, no_text=False, only_text=False): + def compo_filter(compos, flag): + if not no_text and not only_text: + return compos + compos_new = {'bboxes': [], 'categories': []} + for k, category in enumerate(compos['categories']): + if only_text: + if flag == 'det' and category != 'TextView': + continue + if flag == 'gt' and int(category) != 14: + continue + elif no_text: + if flag == 'det' and category == 'TextView': + continue + if flag == 'gt' and int(category) == 14: + continue + + compos_new['bboxes'].append(compos['bboxes'][k]) + compos_new['categories'].append(category) + return compos_new + + def match(org, d_bbox, gt_bboxes, matched): + ''' + :param matched: mark if the ground truth component is matched + :param d_bbox: [col_min, row_min, col_max, row_max] + :param gt_bboxes: list of ground truth [[col_min, row_min, col_max, row_max]] + :return: Boolean: if IOU large enough or detected box is contained by ground truth + ''' + area_d = (d_bbox[2] - d_bbox[0]) * (d_bbox[3] - d_bbox[1]) + size = -1 + for i, gt_bbox in enumerate(gt_bboxes): + if matched[i] == 0: + continue + area_gt = (gt_bbox[2] - gt_bbox[0]) * (gt_bbox[3] - gt_bbox[1]) + col_min = max(d_bbox[0], gt_bbox[0]) + row_min = max(d_bbox[1], gt_bbox[1]) + col_max = min(d_bbox[2], gt_bbox[2]) + row_max = min(d_bbox[3], gt_bbox[3]) + # if not intersected, area intersection should be 0 + w = max(0, col_max - col_min) + h = max(0, row_max - row_min) + area_inter = w * h + if area_inter == 0: + continue + iod = area_inter / area_d + iou = area_inter / (area_d + area_gt - area_inter) + # if show: + # cv2.putText(org, (str(round(iou, 2)) + ',' + str(round(iod, 2))), (d_bbox[0], d_bbox[1]), + # cv2.FONT_HERSHEY_SIMPLEX, 1, (0, 0, 255), 2) + + if iou > 0.9 or iod == 1: + if (gt_bbox[2] - gt_bbox[0]) < 64: + size = 0 + elif 64 < (gt_bbox[2] - gt_bbox[0]) < 128: + size = 1 + elif (gt_bbox[2] - gt_bbox[0]) > 128: + size = 2 + matched[i] = 0 + return True, size + return False, size + + amount = len(detection) + TP, FP, FN = [[0, 0, 0], [0, 0, 0], [0, 0, 0]] + for i, image_id in enumerate(detection): + img = cv2.imread(pjoin(img_root, image_id + '.jpg')) + d_compos = detection[image_id] + if image_id not in ground_truth: + continue + gt_compos = ground_truth[image_id] + + org_height = gt_compos['size'][0] + + d_compos = compo_filter(d_compos, 'det') + gt_compos = compo_filter(gt_compos, 'gt') + + d_compos['bboxes'] = resize_label(d_compos['bboxes'], 800, 1024) + gt_compos['bboxes'] = resize_label(gt_compos['bboxes'], org_height, 1024) + matched = np.ones(len(gt_compos['bboxes']), dtype=int) + for d_bbox in d_compos['bboxes']: + m, size = match(img, d_bbox, gt_compos['bboxes'], matched) + if m: + TP[size] += 1 + else: + h = d_bbox[2] - d_bbox[0] + if h < 64: + size = 0 + elif 64 < h < 128: + size = 1 + elif h > 128: + size = 2 + FP[size] += 1 + + for i in range(len(matched)): + if matched[i] == 1: + gt_bboxes = gt_compos['bboxes'] + h = gt_bboxes[i][2] - gt_bboxes[i][0] + if h < 64: + size = 0 + elif 64 < h < 128: + size = 1 + elif h > 128: + size = 2 + FN[size] += 1 + + if show: + print(image_id + '.jpg') + # cv2.imshow('org', cv2.resize(img, (500, 1000))) + broad = draw_bounding_box(img, d_compos['bboxes'], color=(255, 0, 0), line=3) + draw_bounding_box(broad, gt_compos['bboxes'], color=(0, 0, 255), show=True, line=2) + + if i % 200 == 0: + precision = [round(TP[i] / (TP[i] + FP[i]),3) for i in range(len(TP))] + recall = [round(TP[i] / (TP[i] + FN[i]),3) for i in range(len(TP))] + f1 = [round(2 * (precision[i] * recall[i]) / (precision[i] + recall[i]), 3) for i in range(3)] + print( + '[%d/%d] TP:%s, FP:%s, FN:%s, Precesion:%s, Recall:%s, F1:%s' % ( + i, amount, str(TP), str(FP), str(FN), str(precision), str(recall), str(f1))) + + precision = [round(TP[i] / (TP[i] + FP[i]),3) for i in range(len(TP))] + recall = [round(TP[i] / (TP[i] + FN[i]),3) for i in range(len(TP))] + f1 = [round(2 * (precision[i] * recall[i]) / (precision[i] + recall[i]), 3) for i in range(3)] + print( + '[%d/%d] TP:%s, FP:%s, FN:%s, Precesion:%s, Recall:%s, F1:%s' % ( + i, amount, str(TP), str(FP), str(FN), str(precision), str(recall), str(f1))) + # print("Average precision:%.4f; Average recall:%.3f" % (sum(pres)/len(pres), sum(recalls)/len(recalls))) + + +no_text = False +only_text = False +detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_v3\\merge') +gt = load_ground_truth_json('E:\\Mulong\\Datasets\\rico\\instances_test.json') +eval(detect, gt, 'E:\\Mulong\\Datasets\\rico\\combined', show=False, no_text=no_text, only_text=only_text) \ No newline at end of file diff --git a/screencoder/UIED/result_processing/evaluation.py b/screencoder/UIED/result_processing/evaluation.py new file mode 100644 index 0000000000000000000000000000000000000000..def5f3d2dee07a487718a118af32adb62e21d207 --- /dev/null +++ b/screencoder/UIED/result_processing/evaluation.py @@ -0,0 +1,208 @@ +import json +import numpy as np +import cv2 +from glob import glob +from os.path import join as pjoin +from tqdm import tqdm + + +def resize_label(bboxes, d_height, gt_height, bias=0): + bboxes_new = [] + scale = gt_height / d_height + for bbox in bboxes: + bbox = [int(b * scale + bias) for b in bbox] + bboxes_new.append(bbox) + return bboxes_new + + +def draw_bounding_box(org, corners, color=(0, 255, 0), line=2, show=False): + board = org.copy() + for i in range(len(corners)): + board = cv2.rectangle(board, (corners[i][0], corners[i][1]), (corners[i][2], corners[i][3]), color, line) + if show: + cv2.imshow('a', cv2.resize(board, (500, 1000))) + cv2.waitKey(0) + return board + + +def load_detect_result_json(reslut_file_root, shrink=4): + def is_bottom_or_top(corner): + column_min, row_min, column_max, row_max = corner + if row_max < 36 or row_min > 725: + return True + return False + + result_files = glob(pjoin(reslut_file_root, '*.json')) + compos_reform = {} + print('Loading %d detection results' % len(result_files)) + for reslut_file in tqdm(result_files): + img_name = reslut_file.split('\\')[-1].split('.')[0] + compos = json.load(open(reslut_file, 'r'))['compos'] + for compo in compos: + if compo['column_max'] - compo['column_min'] < 10 or compo['row_max'] - compo['row_min'] < 10: + continue + if is_bottom_or_top((compo['column_min'], compo['row_min'], compo['column_max'], compo['row_max'])): + continue + if img_name not in compos_reform: + compos_reform[img_name] = {'bboxes': [[compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, compo['row_max'] - shrink]], + 'categories': [compo['category']]} + else: + compos_reform[img_name]['bboxes'].append([compo['column_min'] + shrink, compo['row_min'] + shrink, compo['column_max'] - shrink, compo['row_max'] - shrink]) + compos_reform[img_name]['categories'].append(compo['category']) + return compos_reform + + +def load_ground_truth_json(gt_file): + def get_img_by_id(img_id): + for image in images: + if image['id'] == img_id: + return image['file_name'].split('/')[-1][:-4], (image['height'], image['width']) + + def cvt_bbox(bbox): + ''' + :param bbox: [x,y,width,height] + :return: [col_min, row_min, col_max, row_max] + ''' + bbox = [int(b) for b in bbox] + return [bbox[0], bbox[1], bbox[0] + bbox[2], bbox[1] + bbox[3]] + + data = json.load(open(gt_file, 'r')) + images = data['images'] + annots = data['annotations'] + compos = {} + print('Loading %d ground truth' % len(annots)) + for annot in tqdm(annots): + img_name, size = get_img_by_id(annot['image_id']) + if img_name not in compos: + compos[img_name] = {'bboxes': [cvt_bbox(annot['bbox'])], 'categories': [annot['category_id']], 'size': size} + else: + compos[img_name]['bboxes'].append(cvt_bbox(annot['bbox'])) + compos[img_name]['categories'].append(annot['category_id']) + return compos + + +def eval(detection, ground_truth, img_root, show=True, no_text=False, only_text=False): + def compo_filter(compos, flag): + if not no_text and not only_text: + return compos + compos_new = {'bboxes': [], 'categories': []} + for k, category in enumerate(compos['categories']): + if only_text: + if flag == 'det' and category != 'TextView': + continue + if flag == 'gt' and int(category) != 14: + continue + elif no_text: + if flag == 'det' and category == 'TextView': + continue + if flag == 'gt' and int(category) == 14: + continue + + compos_new['bboxes'].append(compos['bboxes'][k]) + compos_new['categories'].append(category) + return compos_new + + def match(org, d_bbox, gt_bboxes, matched): + ''' + :param matched: mark if the ground truth component is matched + :param d_bbox: [col_min, row_min, col_max, row_max] + :param gt_bboxes: list of ground truth [[col_min, row_min, col_max, row_max]] + :return: Boolean: if IOU large enough or detected box is contained by ground truth + ''' + area_d = (d_bbox[2] - d_bbox[0]) * (d_bbox[3] - d_bbox[1]) + for i, gt_bbox in enumerate(gt_bboxes): + if matched[i] == 0: + continue + area_gt = (gt_bbox[2] - gt_bbox[0]) * (gt_bbox[3] - gt_bbox[1]) + col_min = max(d_bbox[0], gt_bbox[0]) + row_min = max(d_bbox[1], gt_bbox[1]) + col_max = min(d_bbox[2], gt_bbox[2]) + row_max = min(d_bbox[3], gt_bbox[3]) + # if not intersected, area intersection should be 0 + w = max(0, col_max - col_min) + h = max(0, row_max - row_min) + area_inter = w * h + if area_inter == 0: + continue + iod = area_inter / area_d + iou = area_inter / (area_d + area_gt - area_inter) + # if show: + # cv2.putText(org, (str(round(iou, 2)) + ',' + str(round(iod, 2))), (d_bbox[0], d_bbox[1]), + # cv2.FONT_HERSHEY_SIMPLEX, 1, (0, 0, 255), 2) + + if iou > 0.9 or iod == 1: + matched[i] = 0 + return True + return False + + amount = len(detection) + TP, FP, FN = 0, 0, 0 + pres, recalls, f1s = [], [], [] + for i, image_id in enumerate(detection): + TP_this, FP_this, FN_this = 0, 0, 0 + img = cv2.imread(pjoin(img_root, image_id + '.jpg')) + d_compos = detection[image_id] + if image_id not in ground_truth: + continue + gt_compos = ground_truth[image_id] + + org_height = gt_compos['size'][0] + + d_compos = compo_filter(d_compos, 'det') + gt_compos = compo_filter(gt_compos, 'gt') + + d_compos['bboxes'] = resize_label(d_compos['bboxes'], 800, org_height) + matched = np.ones(len(gt_compos['bboxes']), dtype=int) + for d_bbox in d_compos['bboxes']: + if match(img, d_bbox, gt_compos['bboxes'], matched): + TP += 1 + TP_this += 1 + else: + FP += 1 + FP_this += 1 + FN += sum(matched) + FN_this = sum(matched) + + try: + pre_this = TP_this / (TP_this + FP_this) + recall_this = TP_this / (TP_this + FN_this) + f1_this = 2 * (pre_this * recall_this) / (pre_this + recall_this) + except: + print('empty') + continue + + pres.append(pre_this) + recalls.append(recall_this) + f1s.append(f1_this) + if show: + print(image_id + '.jpg') + print('[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f' % ( + i, amount, TP_this, FP_this, FN_this, pre_this, recall_this)) + # cv2.imshow('org', cv2.resize(img, (500, 1000))) + broad = draw_bounding_box(img, d_compos['bboxes'], color=(255, 0, 0), line=3) + draw_bounding_box(broad, gt_compos['bboxes'], color=(0, 0, 255), show=True, line=2) + + if i % 200 == 0: + precision = TP / (TP + FP) + recall = TP / (TP + FN) + f1 = 2 * (precision * recall) / (precision + recall) + print( + '[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f, F1:%.3f' % (i, amount, TP, FP, FN, precision, recall, f1)) + + precision = TP / (TP + FP) + recall = TP / (TP + FN) + print('[%d/%d] TP:%d, FP:%d, FN:%d, Precesion:%.3f, Recall:%.3f, F1:%.3f' % (i, amount, TP, FP, FN, precision, recall, f1)) + # print("Average precision:%.4f; Average recall:%.3f" % (sum(pres)/len(pres), sum(recalls)/len(recalls))) + + return pres, recalls, f1s + + +no_text = True +only_text = False + +# detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_cls\\ip') +detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_cls\\merge') +# detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_v3\\merge') +# detect = load_detect_result_json('E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_v3\\ocr') +gt = load_ground_truth_json('E:\\Mulong\\Datasets\\rico\\instances_test.json') +eval(detect, gt, 'E:\\Mulong\\Datasets\\rico\\combined', show=False, no_text=no_text, only_text=only_text) diff --git a/screencoder/UIED/result_processing/experiment.py b/screencoder/UIED/result_processing/experiment.py new file mode 100644 index 0000000000000000000000000000000000000000..ac80f168bf0d9518f74c3a91863de3522828bcd0 --- /dev/null +++ b/screencoder/UIED/result_processing/experiment.py @@ -0,0 +1,72 @@ +import cv2 +import numpy as np + +import lib_ip.block_division as blk +import lib_ip.ip_preprocessing as pre +import lib_ip.ip_detection as det + + +def nothing(x): + pass + + +def get_contour(org, binary): + def cvt_bbox(bbox): + ''' + x,y,w,h -> colmin, rowmin, colmax, rowmax + ''' + return bbox[0], bbox[1], bbox[0] + bbox[2], bbox[1] + bbox[3] + + board = org.copy() + hie, contours, _ = cv2.findContours(binary, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE) + res_contour = [] + for i in range(len(contours)): + if cv2.contourArea(contours[i]) < 200: + continue + cnt = cv2.approxPolyDP(contours[i], 0.001*cv2.arcLength(contours[i], True), True) + res_contour.append(cnt) + cv2.drawContours(board, res_contour, -1, (0,0,255), 1) + return board + + +img_file = 'E:\\Mulong\\Datasets\\rico\\combined\\1014.jpg' +resize_height = 800 + +cv2.namedWindow('control') +cv2.createTrackbar('resize_height', 'control', 800, 1600, nothing) +cv2.createTrackbar('grad_min', 'control', 4, 255, nothing) +cv2.createTrackbar('grad_min_blk', 'control', 5, 255, nothing) +cv2.createTrackbar('c1', 'control', 1, 1000, nothing) +cv2.createTrackbar('c2', 'control', 1, 1000, nothing) + + +while 1: + resize_height = cv2.getTrackbarPos('resize_height', 'control') + grad_min = cv2.getTrackbarPos('grad_min', 'control') + grad_min_blk = cv2.getTrackbarPos('grad_min_blk', 'control') + c1 = cv2.getTrackbarPos('c1', 'control') + c2 = cv2.getTrackbarPos('c2', 'control') + + org, grey = pre.read_img(img_file, resize_height) + # org = cv2.medianBlur(org, 3) + # org = cv2.GaussianBlur(org, (3,3), 0) + + binary = pre.binarization(org, grad_min) + binary_r = pre.reverse_binary(binary) + # blk.block_division(grey, grad_thresh=grad_min_blk, step_v=10, step_h=10, show=True) + cv2.imshow('bijn', binary) + cv2.imshow('r', binary_r) + cv2.waitKey(10) + + # canny = cv2.Canny(grey, c1, c2) + # hie, contours, _ = cv2.findContours(binary, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE) + # b_contour = get_contour(org, binary) + # c_contour = get_contour(org, canny) + + # b_contour = cv2.hconcat([b_contour, c_contour]) + # binary = cv2.hconcat([binary, binary_r, canny]) + + # cv2.imshow('org', org) + # cv2.imshow('b_cnt', b_contour) + # cv2.imshow('bin', binary) + # cv2.imshow('canny', canny) diff --git a/screencoder/UIED/result_processing/merge_east.py b/screencoder/UIED/result_processing/merge_east.py new file mode 100644 index 0000000000000000000000000000000000000000..e7c8e51404340ff1b7ab764a908ce08a30ca64e7 --- /dev/null +++ b/screencoder/UIED/result_processing/merge_east.py @@ -0,0 +1,31 @@ +import multiprocessing +from glob import glob +import time +import json +from tqdm import tqdm +from os.path import join as pjoin, exists + +import merge + + +input_root = 'E:\\Mulong\\Datasets\\rico\\combined' +output_root = 'E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_cls\\merge' +compo_root = 'E:\\Mulong\\Result\\rico\\rico_uied\\rico_new_uied_cls\\ip' +text_root = 'E:\\Mulong\\Result\\east' + +data = json.load(open('E:\\Mulong\\Datasets\\rico\\instances_test.json', 'r')) +input_paths_img = [pjoin(input_root, img['file_name'].split('/')[-1]) for img in data['images']] +input_paths_img = sorted(input_paths_img, key=lambda x: int(x.split('\\')[-1][:-4])) # sorted by index + +# set the range of target inputs' indices +num = 0 +start_index = 0 +end_index = 100000 +for input_path_img in input_paths_img: + index = input_path_img.split('\\')[-1][:-4] + if int(index) < start_index: + continue + if int(index) > end_index: + break + + merge.incorporate(input_path_img, compo_root, text_root, output_root, resize_by_height=800, show=False) diff --git a/screencoder/UIED/result_processing/view_gt.py b/screencoder/UIED/result_processing/view_gt.py new file mode 100644 index 0000000000000000000000000000000000000000..fed54d02d31398f54871d92e1e487cda135425fc --- /dev/null +++ b/screencoder/UIED/result_processing/view_gt.py @@ -0,0 +1,89 @@ +from tqdm import tqdm +import json +import cv2 +from os.path import join as pjoin + +from config.CONFIG_UIED import Config +C = Config() + + +def draw_bounding_box_class(org, components, color=C.COLOR, line=2, show=False, write_path=None): + """ + Draw bounding box of components with their classes on the original image + :param org: original image + :param components: bbox [(column_min, row_min, column_max, row_max)] + -> top_left: (column_min, row_min) + -> bottom_right: (column_max, row_max) + :param color_map: colors mapping to different components + :param line: line thickness + :param compo_class: classes matching the corners of components + :param show: show or not + :return: labeled image + """ + board = org.copy() + bboxes = components['bboxes'] + categories = components['categories'] + for i in range(len(bboxes)): + bbox = bboxes[i] + category = categories[i] + board = cv2.rectangle(board, (bbox[0], bbox[1]), (bbox[2], bbox[3]), color[C.CLASS_MAP[str(category)]], line) + board = cv2.putText(board, C.CLASS_MAP[str(category)], (bbox[0]+5, bbox[1]+20), cv2.FONT_HERSHEY_SIMPLEX, 0.8, color[C.CLASS_MAP[str(category)]], 2) + if show: + cv2.imshow('a', cv2.resize(board, (500, 1000))) + cv2.waitKey(0) + if write_path is not None: + cv2.imwrite(write_path, board) + return board + + +def load_ground_truth_json(gt_file, no_text=True): + def get_img_by_id(img_id): + for image in images: + if image['id'] == img_id: + return image['file_name'].split('/')[-1][:-4], (image['height'], image['width']) + + def cvt_bbox(bbox): + ''' + :param bbox: [x,y,width,height] + :return: [col_min, row_min, col_max, row_max] + ''' + bbox = [int(b) for b in bbox] + return [bbox[0], bbox[1], bbox[0] + bbox[2], bbox[1] + bbox[3]] + + data = json.load(open(gt_file, 'r')) + images = data['images'] + annots = data['annotations'] + compos = {} + print('Loading %d ground truth' % len(annots)) + for annot in tqdm(annots): + img_name, size = get_img_by_id(annot['image_id']) + if no_text and int(annot['category_id']) == 14: + compos[img_name] = {'bboxes': [], 'categories': [], 'size': size} + continue + if img_name not in compos: + compos[img_name] = {'bboxes': [cvt_bbox(annot['bbox'])], 'categories': [annot['category_id']], 'size':size} + else: + compos[img_name]['bboxes'].append(cvt_bbox(annot['bbox'])) + compos[img_name]['categories'].append(annot['category_id']) + return compos + + +def view_gt_all(gt, img_root): + for img_id in gt: + compos = gt[img_id] + img = cv2.imread(pjoin(img_root, img_id + '.jpg')) + print(pjoin(img_root, img_id + '.jpg')) + draw_bounding_box_class(img, compos, show=True) + + +def view_gt_single(gt, img_root, img_id): + img_id = str(img_id) + compos = gt[img_id] + img = cv2.imread(pjoin(img_root, img_id + '.jpg')) + print(pjoin(img_root, img_id + '.jpg')) + draw_bounding_box_class(img, compos, show=True) + + +gt = load_ground_truth_json('E:\\Mulong\\Datasets\\rico\\instances_test.json', no_text=False) +# view_gt_all(gt, 'E:\\Mulong\\Datasets\\rico\\combined') +view_gt_single(gt, 'E:\\Mulong\\Datasets\\rico\\combined', 670) diff --git a/screencoder/UIED/run_batch.py b/screencoder/UIED/run_batch.py new file mode 100644 index 0000000000000000000000000000000000000000..14ea1fbacfeb8b48cd5f57c84b2d848c531e011a --- /dev/null +++ b/screencoder/UIED/run_batch.py @@ -0,0 +1,74 @@ +import multiprocessing +import glob +import time +import json +from tqdm import tqdm +from os.path import join as pjoin, exists +import cv2 + +import detect_compo.ip_region_proposal as ip + + +def resize_height_by_longest_edge(img_path, resize_length=800): + org = cv2.imread(img_path) + height, width = org.shape[:2] + if height > width: + return resize_length + else: + return int(resize_length * (height / width)) + + +if __name__ == '__main__': + # initialization + input_img_root = "E:/Mulong/Datasets/rico/combined" + output_root = "E:/Mulong/Result/rico/rico_uied/rico_new_uied_v3" + data = json.load(open('E:/Mulong/Datasets/rico/instances_test.json', 'r')) + + input_imgs = [pjoin(input_img_root, img['file_name'].split('/')[-1]) for img in data['images']] + input_imgs = sorted(input_imgs, key=lambda x: int(x.split('/')[-1][:-4])) # sorted by index + + key_params = {'min-grad': 10, 'ffl-block': 5, 'min-ele-area': 50, 'merge-contained-ele': True, + 'max-word-inline-gap': 10, 'max-line-ingraph-gap': 4, 'remove-top-bar': True} + + is_ip = False + is_clf = False + is_ocr = False + is_merge = True + + # Load deep learning models in advance + compo_classifier = None + if is_ip and is_clf: + compo_classifier = {} + from cnn.CNN import CNN + # compo_classifier['Image'] = CNN('Image') + compo_classifier['Elements'] = CNN('Elements') + # compo_classifier['Noise'] = CNN('Noise') + ocr_model = None + if is_ocr: + import detect_text.text_detection as text + + # set the range of target inputs' indices + num = 0 + start_index = 30800 # 61728 + end_index = 100000 + for input_img in input_imgs: + resized_height = resize_height_by_longest_edge(input_img) + index = input_img.split('/')[-1][:-4] + if int(index) < start_index: + continue + if int(index) > end_index: + break + + if is_ocr: + text.text_detection(input_img, output_root, show=False) + + if is_ip: + ip.compo_detection(input_img, output_root, key_params, classifier=compo_classifier, resize_by_height=resized_height, show=False) + + if is_merge: + import merge + compo_path = pjoin(output_root, 'ip', str(index) + '.json') + ocr_path = pjoin(output_root, 'ocr', str(index) + '.json') + merge.merge(input_img, compo_path, ocr_path, output_root, is_remove_top=key_params['remove-top-bar'], show=True) + + num += 1 diff --git a/screencoder/UIED/run_single.py b/screencoder/UIED/run_single.py new file mode 100644 index 0000000000000000000000000000000000000000..a360f44489e527b30c2574e29a9457700498e6df --- /dev/null +++ b/screencoder/UIED/run_single.py @@ -0,0 +1,102 @@ +from os.path import join as pjoin +import cv2 +import os +import numpy as np +import multiprocessing + + +def resize_height_by_longest_edge(img_path, resize_length=800): + org = cv2.imread(img_path) + height, width = org.shape[:2] + if height > width: + return resize_length + else: + return int(resize_length * (height / width)) + + +def color_tips(): + color_map = {'Text': (0, 0, 255), 'Compo': (0, 255, 0), 'Block': (0, 255, 255), 'Text Content': (255, 0, 255)} + board = np.zeros((200, 200, 3), dtype=np.uint8) + + board[:50, :, :] = (0, 0, 255) + board[50:100, :, :] = (0, 255, 0) + board[100:150, :, :] = (255, 0, 255) + board[150:200, :, :] = (0, 255, 255) + cv2.putText(board, 'Text', (10, 20), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 0, 0), 2) + cv2.putText(board, 'Non-text Compo', (10, 70), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 0, 0), 2) + cv2.putText(board, "Compo's Text Content", (10, 120), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 0, 0), 2) + cv2.putText(board, "Block", (10, 170), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 0, 0), 2) + cv2.imshow('colors', board) + + +if __name__ == '__main__': + # Set multiprocessing start method to 'spawn' for macOS compatibility. + # This must be done at the very beginning of the main block. + try: + multiprocessing.set_start_method('spawn', force=True) + except RuntimeError: + pass # It's OK if it's already set. + + # Disable multiprocessing for PaddleOCR to avoid segmentation fault on macOS + import os + os.environ['PADDLE_USE_MULTIPROCESSING'] = '0' + + ''' + ele:min-grad: gradient threshold to produce binary map + ele:ffl-block: fill-flood threshold + ele:min-ele-area: minimum area for selected elements + ele:merge-contained-ele: if True, merge elements contained in others + text:max-word-inline-gap: words with smaller distance than the gap are counted as a line + text:max-line-gap: lines with smaller distance than the gap are counted as a paragraph + + Tips: + 1. Larger *min-grad* produces fine-grained binary-map while prone to over-segment element to small pieces + 2. Smaller *min-ele-area* leaves tiny elements while prone to produce noises + 3. If not *merge-contained-ele*, the elements inside others will be recognized, while prone to produce noises + 4. The *max-word-inline-gap* and *max-line-gap* should be dependent on the input image size and resolution + + mobile: {'min-grad':4, 'ffl-block':5, 'min-ele-area':50, 'max-word-inline-gap':6, 'max-line-gap':1} + web : {'min-grad':3, 'ffl-block':5, 'min-ele-area':25, 'max-word-inline-gap':4, 'max-line-gap':4} + ''' + key_params = {'min-grad':10, 'ffl-block':5, 'min-ele-area':50, + 'merge-contained-ele':True, 'merge-line-to-paragraph':False, 'remove-bar':True} + + # set input image path + input_path_img = 'data/test1.png' + output_root = 'data' + + resized_height = resize_height_by_longest_edge(input_path_img, resize_length=800) + color_tips() + + is_ip = True + is_clf = False + is_ocr = False + is_merge = False + + if is_ocr: + import detect_text.text_detection as text + os.makedirs(pjoin(output_root, 'ocr'), exist_ok=True) + text.text_detection(input_path_img, output_root, show=True, method='paddle') + + if is_ip: + import detect_compo.ip_region_proposal as ip + os.makedirs(pjoin(output_root, 'ip'), exist_ok=True) + # switch of the classification func + classifier = None + if is_clf: + classifier = {} + from cnn.CNN import CNN + # classifier['Image'] = CNN('Image') + classifier['Elements'] = CNN('Elements') + # classifier['Noise'] = CNN('Noise') + ip.compo_detection(input_path_img, output_root, key_params, + classifier=classifier, resize_by_height=resized_height, show=False) + + if is_merge: + import detect_merge.merge as merge + os.makedirs(pjoin(output_root, 'merge'), exist_ok=True) + name = input_path_img.split('/')[-1][:-4] + compo_path = pjoin(output_root, 'ip', str(name) + '.json') + ocr_path = pjoin(output_root, 'ocr', str(name) + '.json') + merge.merge(input_path_img, compo_path, ocr_path, pjoin(output_root, 'merge'), + is_remove_bar=key_params['remove-bar'], is_paragraph=key_params['merge-line-to-paragraph'], show=True) diff --git a/screencoder/UIED/run_testing.py b/screencoder/UIED/run_testing.py new file mode 100644 index 0000000000000000000000000000000000000000..3e27403d3002bf46780dd24aa9ccec74f7417da3 --- /dev/null +++ b/screencoder/UIED/run_testing.py @@ -0,0 +1,76 @@ +from os.path import join as pjoin +import cv2 +import os +import multiprocessing + + +def resize_height_by_longest_edge(img_path, resize_length=800): + org = cv2.imread(img_path) + height, width = org.shape[:2] + if height > width: + return resize_length + else: + return int(resize_length * (height / width)) + + +def nothing(x): + pass + + +if __name__ == '__main__': + # Set multiprocessing start method for macOS compatibility + try: + multiprocessing.set_start_method('spawn', force=True) + except RuntimeError: + pass # It's OK if it's already set + + ''' + This script is for testing component detection (ip) with adjustable parameters. + Press 'q' in an image window to quit. + + - min-grad: gradient threshold to produce binary map + - min-ele-area: minimum area for selected elements + ''' + key_params = {'min-grad': 4, 'ffl-block': 5, 'min-ele-area': 25, + 'merge-contained-ele': True, 'remove-bar': True} + + # set input image path + input_path_img = 'data/test1.png' + output_root = 'data' + + resized_height = resize_height_by_longest_edge(input_path_img) + + # Classification is disabled by default in this testing script. + # Set to True if you have a trained model and want to test classification. + is_clf = False + + # Create window and trackbars for real-time parameter adjustment + cv2.namedWindow('parameters') + cv2.createTrackbar('min-grad', 'parameters', key_params['min-grad'], 20, nothing) + cv2.createTrackbar('min-ele-area', 'parameters', key_params['min-ele-area'], 200, nothing) + + # Main loop for component detection + while True: + # Read current trackbar positions + key_params['min-grad'] = cv2.getTrackbarPos('min-grad', 'parameters') + key_params['min-ele-area'] = cv2.getTrackbarPos('min-ele-area', 'parameters') + + # Import the component detection module + import detect_compo.ip_region_proposal as ip + os.makedirs(pjoin(output_root, 'ip'), exist_ok=True) + + # Set up classifier if enabled + classifier = None + if is_clf: + classifier = {'Elements': CNN('Elements')} + from cnn.CNN import CNN + + # Run component detection with current parameters + ip.compo_detection(input_path_img, output_root, key_params, + classifier=classifier, resize_by_height=resized_height, show=True, wai_key=10) + + # Exit loop if 'q' is pressed + if cv2.waitKey(20) & 0xFF == ord('q'): + break + + cv2.destroyAllWindows() diff --git a/screencoder/block_parsor.py b/screencoder/block_parsor.py new file mode 100644 index 0000000000000000000000000000000000000000..1576f577632d20b00c0154de05bcf67cf5523337 --- /dev/null +++ b/screencoder/block_parsor.py @@ -0,0 +1,271 @@ +import os +import cv2 +import json +from utils import Doubao, encode_image, image_mask + +DEFAULT_IMAGE_PATH = "data/input/test1.png" +DEFAULT_API_PATH = "doubao_api.txt" +PROMPT_LIST = [ + ("header", "Please output the minimum bounding box of the header. Please output the bounding box in the format of x1 y1 x2 y2. Avoid the blank space in the header."), + ("sidebar", "Please output the minimum bounding box of the sidebar. Please output the bounding box in the format of x1 y1 x2 y2. Avoid meaningless blank space in the sidebar."), + ("navigation", "Please output the minimum bounding box of the navigation. Please output the bounding box in the format of x1 y1 x2 y2. Avoid the blank space in the navigation."), + ("main content", "Please output the minimum bounding box of the main content. Please output the bounding box in the format of x1 y1 x2 y2. Avoid the blank space in the main content."), +] +PROMPT_MERGE = "Return the bounding boxes of the sidebar, main content, header, and navigation in this webpage screenshot. Please only return the corresponding bounding boxes. Note: 1. The areas should not overlap; 2. All text information and other content should be framed inside; 3. Try to keep it compact without leaving a lot of blank space; 4. Output a label and the corresponding bounding box for each line." +BBOX_TAG_START = "" +BBOX_TAG_END = "" + +# PROMPT_sidebar = "框出网页中的sidebar的位置,请你只返回对应的bounding box。" +# PROMPT_header = "框出网页中的header的位置,请你只返回对应的bounding box。" +# PROMPT_navigation = "框出网页中的navigation的位置,请你只返回对应的bounding box。" +# PROMPT_main_content = "框出网页中的main content的位置,请你只返回对应的bounding box。" + +# simple version of bbox parsing +def parse_bboxes(bbox_input: str, image_path: str) -> dict[str, tuple[int, int, int, int]]: + """Parse bounding box string to dictionary of named coordinate tuples""" + bboxes = {} + # print("Raw bbox input:", bbox_input) # Debug print + + image = cv2.imread(image_path) + if image is None: + print(f"Error: Failed to read image {image_path}") + return bboxes + h, w = image.shape[:2] + + try: + components = bbox_input.strip().split('\n') + # print("Split components:", components) # Debug print + + for component in components: + component = component.strip() + if not component: + continue + + if ':' in component: + name, bbox_str = component.split(':', 1) + else: + bbox_str = component + if 'sidebar' in component.lower(): + name = 'sidebar' + elif 'header' in component.lower(): + name = 'header' + elif 'navigation' in component.lower(): + name = 'navigation' + elif 'main content' in component.lower(): + name = 'main content' + else: + name = 'unknown' + + name = name.strip().lower() + bbox_str = bbox_str.strip() + + # print(f"Processing component: {name}, bbox_str: {bbox_str}") # Debug print + + if BBOX_TAG_START in bbox_str and BBOX_TAG_END in bbox_str: + start_idx = bbox_str.find(BBOX_TAG_START) + len(BBOX_TAG_START) + end_idx = bbox_str.find(BBOX_TAG_END) + coords_str = bbox_str[start_idx:end_idx].strip() + + try: + norm_coords = list(map(int, coords_str.split())) + if len(norm_coords) == 4: + x_min = int(norm_coords[0]) + y_min = int(norm_coords[1]) + x_max = int(norm_coords[2]) + y_max = int(norm_coords[3]) + bboxes[name] = (x_min, y_min, x_max, y_max) + print(f"Successfully parsed {name}: {bboxes[name]}") + else: + print(f"Invalid number of coordinates for {name}: {norm_coords}") + except ValueError as e: + print(f"Failed to parse coordinates for {name}: {e}") + else: + print(f"No bbox tags found in: {bbox_str}") + + except Exception as e: + print(f"Coordinate parsing failed: {str(e)}") + import traceback + traceback.print_exc() + + print("Final parsed bboxes:", bboxes) + return bboxes + +def draw_bboxes(image_path: str, bboxes: dict[str, tuple[int, int, int, int]]) -> str: + """Draw bounding boxes on image and save with different colors for each component""" + image = cv2.imread(image_path) + if image is None: + print(f"Error: Failed to read image {image_path}") + return "" + + h, w = image.shape[:2] + colors = { + 'sidebar': (0, 0, 255), # Red + 'header': (0, 255, 0), # Green + 'navigation': (255, 0, 0), # Blue + 'main content': (255, 255, 0), # Cyan + 'unknown': (0, 0, 0), # Black + } + + for component, norm_bbox in bboxes.items(): + # Convert normalized coordinates to pixel coordinates for drawing + x_min = int(norm_bbox[0] * w / 1000) + y_min = int(norm_bbox[1] * h / 1000) + x_max = int(norm_bbox[2] * w / 1000) + y_max = int(norm_bbox[3] * h / 1000) + + color = colors.get(component.lower(), (0, 0, 255)) + cv2.rectangle(image, (x_min, y_min), (x_max, y_max), color, 3) + + # Add label + cv2.putText(image, component, (x_min, y_min - 10), + cv2.FONT_HERSHEY_SIMPLEX, 0.9, color, 2) + + # Output directory + output_dir = "data/tmp" + os.makedirs(output_dir, exist_ok=True) + + # Get the original filename without path + original_filename = os.path.basename(image_path) + output_path = os.path.join(output_dir, os.path.splitext(original_filename)[0] + "_with_bboxes.png") + + if cv2.imwrite(output_path, image): + print(f"Successfully saved annotated image: {output_path}") + return output_path + print("Error: Failed to save image") + return "" + +def save_bboxes_to_json(bboxes: dict[str, tuple[int, int, int, int]], image_path: str) -> str: + """Save bounding boxes information to a JSON file""" + # Output directory + output_dir = "data/tmp" + os.makedirs(output_dir, exist_ok=True) + + original_filename = os.path.basename(image_path) + json_path = os.path.join(output_dir, os.path.splitext(original_filename)[0] + "_bboxes.json") + + bboxes_dict = {k: list(v) for k, v in bboxes.items()} + + try: + with open(json_path, 'w', encoding='utf-8') as f: + json.dump(bboxes_dict, f, indent=4, ensure_ascii=False) + print(f"Successfully saved bbox information to: {json_path}") + return json_path + except Exception as e: + print(f"Error saving JSON file: {str(e)}") + return "" + +# sequential version of bbox parsing: Using recursive detection with mask +def sequential_component_detection(image_path: str, api_path: str) -> dict[str, tuple[int, int, int, int]]: + """ + Sequential processing flow: detect each component in turn, mask the image after each detection + """ + bboxes = {} + current_image_path = image_path + ark_client = Doubao(api_path) + + image = cv2.imread(image_path) + if image is None: + print(f"Error: Failed to read image {image_path}") + return bboxes + h, w = image.shape[:2] + + for i, (component_name, prompt) in enumerate(PROMPT_LIST): + print(f"\n=== Processing {component_name} (Step {i+1}/{len(PROMPT_LIST)}) ===") + + base64_image = encode_image(current_image_path) + if not base64_image: + print(f"Error: Failed to encode image for {component_name}") + continue + + print(f"Sending prompt for {component_name}...") + bbox_content = ark_client.ask(prompt, base64_image) + print(f"Model response for {component_name}:") + print(bbox_content) + + norm_bbox = parse_single_bbox(bbox_content, component_name) + if norm_bbox: + bboxes[component_name] = norm_bbox + print(f"Successfully detected {component_name}: {norm_bbox}") + + masked_image = image_mask(current_image_path, norm_bbox) + + temp_image_path = f"data/temp_{component_name}_masked.png" + masked_image.save(temp_image_path) + current_image_path = temp_image_path + + print(f"Created masked image for next step: {temp_image_path}") + else: + print(f"Failed to detect {component_name}") + + return bboxes + +def parse_single_bbox(bbox_input: str, component_name: str) -> tuple[int, int, int, int]: + """ + Parses a single component's bbox string and returns normalized coordinates. + """ + print(f"Parsing bbox for {component_name}: {bbox_input}") + + try: + if BBOX_TAG_START in bbox_input and BBOX_TAG_END in bbox_input: + start_idx = bbox_input.find(BBOX_TAG_START) + len(BBOX_TAG_START) + end_idx = bbox_input.find(BBOX_TAG_END) + coords_str = bbox_input[start_idx:end_idx].strip() + + norm_coords = list(map(int, coords_str.split())) + if len(norm_coords) == 4: + return tuple(norm_coords) + else: + print(f"Invalid number of coordinates for {component_name}: {norm_coords}") + else: + print(f"No bbox tags found in response for {component_name}") + except Exception as e: + print(f"Failed to parse bbox for {component_name}: {e}") + + return None + +def main_content_processing(bboxes: dict[str, tuple[int, int, int, int]], image_path: str) -> dict[str, tuple[int, int, int, int]]: + """devide the main content into several parts""" + image = cv2.imread(image_path) + if image is None: + print(f"Error: Failed to read image {image_path}") + return + h, w = image.shape[:2] + for component, bbox in bboxes.items(): + bboxes[component] = ( + int(bbox[0] * w / 1000), + int(bbox[1] * h / 1000), + int(bbox[2] * w / 1000), + int(bbox[3] * h / 1000)) + + +if __name__ == "__main__": + image_path = DEFAULT_IMAGE_PATH + api_path = DEFAULT_API_PATH + + print("=== Starting Simple Component Detection ===") + print(f"Input image: {image_path}") + print(f"API path: {api_path}") + client = Doubao(api_path) + bbox_content = client.ask(PROMPT_MERGE, encode_image(image_path)) + print(f"Model response: {bbox_content}\n") + bboxes = parse_bboxes(bbox_content, image_path) + + # print("=== Starting Sequential Component Detection ===") + # print(f"Input image: {image_path}") + # print(f"API path: {api_path}") + # bboxes = sequential_component_detection(image_path, api_path) + + if bboxes: + print(f"\n=== Detection Complete ===") + print(f"Found bounding boxes for components: {list(bboxes.keys())}") + print(f"Total components detected: {len(bboxes)}") + + json_path = save_bboxes_to_json(bboxes, image_path) + draw_bboxes(image_path, bboxes) + + print(f"\n=== Results ===") + for component, bbox in bboxes.items(): + print(f"{component}: {bbox}") + else: + print("\nNo valid bounding box coordinates found") + exit(1) \ No newline at end of file diff --git a/screencoder/data/input/test1.png b/screencoder/data/input/test1.png new file mode 100644 index 0000000000000000000000000000000000000000..bfbb8da7a21bd35998421253c4cbef17a23a964a --- /dev/null +++ b/screencoder/data/input/test1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b832febac9fd78a25da618e1fddf0d5a524916b1cdf5e8c93c3839643e28597b +size 3427850 diff --git a/screencoder/data/input/test2.png b/screencoder/data/input/test2.png new file mode 100644 index 0000000000000000000000000000000000000000..95047a5b01cc0cc5f07763215594d907e368b26a --- /dev/null +++ b/screencoder/data/input/test2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1064d2edea1a78ea424d85fd16dc5d2ff98f8c98051e7503b574555ab8110ab +size 1563160 diff --git a/screencoder/data/input/test3.png b/screencoder/data/input/test3.png new file mode 100644 index 0000000000000000000000000000000000000000..75e0828ed50d84eecd5c48b6bcd64ae53bb53f87 --- /dev/null +++ b/screencoder/data/input/test3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd5da753710271efb0dd9b2a237dd5c8ed526e3e0fb67a2a258628705986f1c9 +size 3783330 diff --git a/screencoder/data/output/cropped_images/ph0.png b/screencoder/data/output/cropped_images/ph0.png new file mode 100644 index 0000000000000000000000000000000000000000..c7424f3e070139919ae9b46eecc77c77f80ee798 --- /dev/null +++ b/screencoder/data/output/cropped_images/ph0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b096836bfbfa5b135f2d3c2825cb58f847b3e001e98ba92446fb6cc06b273bcf +size 416734 diff --git a/screencoder/data/output/cropped_images/ph1.png b/screencoder/data/output/cropped_images/ph1.png new file mode 100644 index 0000000000000000000000000000000000000000..2d4f28b52d57e9c9103affad9c05e6f93e449f60 --- /dev/null +++ b/screencoder/data/output/cropped_images/ph1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c84b6a2913ccf675db9b198f65d862df2e78993f6b7bda2e2f8ed39865891853 +size 249818 diff --git a/screencoder/data/output/cropped_images/ph2.png b/screencoder/data/output/cropped_images/ph2.png new file mode 100644 index 0000000000000000000000000000000000000000..5494b975c22fde250db8d1086ab0f9a103068fdf --- /dev/null +++ b/screencoder/data/output/cropped_images/ph2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6128c3903edfdd02890720a71772077ab7288d65852242662db60745068f7acf +size 495279 diff --git a/screencoder/data/output/cropped_images/ph3.png b/screencoder/data/output/cropped_images/ph3.png new file mode 100644 index 0000000000000000000000000000000000000000..fcf42994597efbf7fd03738c65407d022cd01c08 --- /dev/null +++ b/screencoder/data/output/cropped_images/ph3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f653a94ef60acb00d7741ebcf15f11f391da803cc5d4f65ee6e2038de0e0d03e +size 728813 diff --git a/screencoder/data/output/cropped_images/ph4.png b/screencoder/data/output/cropped_images/ph4.png new file mode 100644 index 0000000000000000000000000000000000000000..913952a191f2b4f2f1d9d2b75480a62a43f388ed --- /dev/null +++ b/screencoder/data/output/cropped_images/ph4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:add4ff991100499fe9dbc599ec12be226c4239699f3dcafe4a1388c21a316cb1 +size 583918 diff --git a/screencoder/data/output/cropped_images/ph5.png b/screencoder/data/output/cropped_images/ph5.png new file mode 100644 index 0000000000000000000000000000000000000000..9948f8d326fc30860f76e3fcbc159e60ed0f8f07 --- /dev/null +++ b/screencoder/data/output/cropped_images/ph5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e864fac10d7ff5d8c5025c189aa15fff3d1b0af7325b9a285d9799815f53a84b +size 222116 diff --git a/screencoder/data/output/test1_layout.html b/screencoder/data/output/test1_layout.html new file mode 100644 index 0000000000000000000000000000000000000000..db9d8ab8b18015eeb42928f31bfac5ba611cd19a --- /dev/null +++ b/screencoder/data/output/test1_layout.html @@ -0,0 +1,291 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+ + + + + + 首页 + +
+
+ + + + + + Shorts + +
+
+ + + + + + 订阅 + +
+
+ + + + + + 我 + +
+
+
+
+
+ +
+
+ + ▶ + +
+
+ + YouTube + + + HK + +
+
+ +
+ + + +
+ +
+ + +
+ + Y + +
+
+
+
+
+
+
+ 全部 +
+
+ 播客 +
+
+ 游戏 +
+
+ 直播 +
+
+ 数学 +
+
+ 篮球 +
+
+ 足球 +
+
+ 动画 +
+
+ 最近上传 +
+
+ 发现新视频 +
+
+
+
+
+
+
+
+
+ + 26:24 + +
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov +

+

+ 27万次观看 · 10个月前 +

+
+
+
+
+
+
+ + 49:40 + +
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences +

+

+ 48次观看 · 22小时前 +

+
+
+
+
+
+
+ + 11:51 + +
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei +

+

+ 9.3万次观看 · 1个月前 +

+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助广告 · EVE Online +

+
+
+
+
+
+
+ + 12:44 + +
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+ + 36:54 + +
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown +

+
+
+
+
+
+ + diff --git a/screencoder/data/output/test1_layout_final.html b/screencoder/data/output/test1_layout_final.html new file mode 100644 index 0000000000000000000000000000000000000000..549bc85a241e4a714c63341c9076cdd3f0425d1d --- /dev/null +++ b/screencoder/data/output/test1_layout_final.html @@ -0,0 +1,286 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+ + + + + + 首页 + +
+
+ + + + + + Shorts + +
+
+ + + + + + 订阅 + +
+
+ + + + + + 我 + +
+
+
+
+
+ +
+
+ + ▶ + +
+
+ + YouTube + + + HK + +
+
+ +
+ + + +
+ +
+ + +
+ + Y + +
+
+
+
+
+
+
+ 全部 +
+
+ 播客 +
+
+ 游戏 +
+
+ 直播 +
+
+ 数学 +
+
+ 篮球 +
+
+ 足球 +
+
+ 动画 +
+
+ 最近上传 +
+
+ 发现新视频 +
+
+
+
+
+
+
+ + + 26:24 + +
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov +

+

+ 27万次观看 · 10个月前 +

+
+
+
+
+ + + 49:40 + +
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences +

+

+ 48次观看 · 22小时前 +

+
+
+
+
+ + + 11:51 + +
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei +

+

+ 9.3万次观看 · 1个月前 +

+
+
+
+
+ +
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助广告 · EVE Online +

+
+
+
+
+ + + 12:44 + +
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+ + + 36:54 + +
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown +

+
+
+
+
+
+ + diff --git a/screencoder/data/tmp/debug_gray_bboxes_test1.png b/screencoder/data/tmp/debug_gray_bboxes_test1.png new file mode 100644 index 0000000000000000000000000000000000000000..547bcb17b04242f24372579e5efe7a935f2d9b1c --- /dev/null +++ b/screencoder/data/tmp/debug_gray_bboxes_test1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5c6daa86fbf3f3651cbb092c77ded7de658b67f6305d593f5a5de5ca3beba516 +size 3246091 diff --git a/screencoder/data/tmp/ip/test1.jpg b/screencoder/data/tmp/ip/test1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..bfa4d995da216875b66c6a1d6b762a14d7fa3743 --- /dev/null +++ b/screencoder/data/tmp/ip/test1.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b158c22c53260e17fdc69c3fb61f236ccad47e63676faa2a82b858730fd38687 +size 169547 diff --git a/screencoder/data/tmp/ip/test1.json b/screencoder/data/tmp/ip/test1.json new file mode 100644 index 0000000000000000000000000000000000000000..7e4ff1eb1f6d72221037cb9b19458808ff234eea --- /dev/null +++ b/screencoder/data/tmp/ip/test1.json @@ -0,0 +1,1819 @@ +{ + "img_shape": [ + 406, + 799, + 3 + ], + "compos": [ + { + "id": 1, + "class": "Compo", + "column_min": 262, + "row_min": 0, + "column_max": 511, + "row_max": 18, + "width": 249, + "height": 18 + }, + { + "id": 2, + "class": "Compo", + "column_min": 23, + "row_min": 5, + "column_max": 62, + "row_max": 13, + "width": 39, + "height": 8 + }, + { + "id": 3, + "class": "Compo", + "column_min": 777, + "row_min": 2, + "column_max": 791, + "row_max": 16, + "width": 14, + "height": 14 + }, + { + "id": 4, + "class": "Compo", + "column_min": 3, + "row_min": 6, + "column_max": 11, + "row_max": 12, + "width": 8, + "height": 6 + }, + { + "id": 5, + "class": "Compo", + "column_min": 728, + "row_min": 6, + "column_max": 740, + "row_max": 12, + "width": 12, + "height": 6 + }, + { + "id": 6, + "class": "Compo", + "column_min": 38, + "row_min": 30, + "column_max": 50, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 7, + "class": "Compo", + "column_min": 65, + "row_min": 30, + "column_max": 77, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 8, + "class": "Compo", + "column_min": 93, + "row_min": 30, + "column_max": 105, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 9, + "class": "Compo", + "column_min": 120, + "row_min": 30, + "column_max": 132, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 10, + "class": "Compo", + "column_min": 147, + "row_min": 30, + "column_max": 159, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 11, + "class": "Compo", + "column_min": 175, + "row_min": 30, + "column_max": 187, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 12, + "class": "Compo", + "column_min": 202, + "row_min": 30, + "column_max": 214, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 13, + "class": "Compo", + "column_min": 229, + "row_min": 30, + "column_max": 241, + "row_max": 36, + "width": 12, + "height": 6 + }, + { + "id": 14, + "class": "Compo", + "column_min": 257, + "row_min": 30, + "column_max": 268, + "row_max": 36, + "width": 11, + "height": 6 + }, + { + "id": 15, + "class": "Compo", + "column_min": 271, + "row_min": 30, + "column_max": 281, + "row_max": 36, + "width": 10, + "height": 6 + }, + { + "id": 16, + "class": "Compo", + "column_min": 296, + "row_min": 30, + "column_max": 326, + "row_max": 36, + "width": 30, + "height": 6 + }, + { + "id": 17, + "class": "Block", + "column_min": 33, + "row_min": 46, + "column_max": 282, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 18, + "class": "Compo", + "column_min": 46, + "row_min": 50, + "column_max": 68, + "row_max": 73, + "width": 22, + "height": 23 + }, + { + "id": 19, + "class": "Block", + "column_min": 288, + "row_min": 46, + "column_max": 537, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 20, + "class": "Block", + "column_min": 544, + "row_min": 46, + "column_max": 793, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 21, + "class": "Compo", + "column_min": 147, + "row_min": 51, + "column_max": 169, + "row_max": 72, + "width": 22, + "height": 21 + }, + { + "id": 22, + "class": "Compo", + "column_min": 189, + "row_min": 52, + "column_max": 200, + "row_max": 73, + "width": 11, + "height": 21 + }, + { + "id": 23, + "class": "Compo", + "column_min": 70, + "row_min": 58, + "column_max": 84, + "row_max": 72, + "width": 14, + "height": 14 + }, + { + "id": 24, + "class": "Compo", + "column_min": 85, + "row_min": 58, + "column_max": 147, + "row_max": 73, + "width": 62, + "height": 15 + }, + { + "id": 25, + "class": "Compo", + "column_min": 171, + "row_min": 58, + "column_max": 189, + "row_max": 72, + "width": 18, + "height": 14 + }, + { + "id": 26, + "class": "Compo", + "column_min": 203, + "row_min": 58, + "column_max": 216, + "row_max": 72, + "width": 13, + "height": 14 + }, + { + "id": 27, + "class": "Compo", + "column_min": 217, + "row_min": 58, + "column_max": 233, + "row_max": 73, + "width": 16, + "height": 15 + }, + { + "id": 28, + "class": "Compo", + "column_min": 235, + "row_min": 58, + "column_max": 252, + "row_max": 78, + "width": 17, + "height": 20 + }, + { + "id": 29, + "class": "Compo", + "column_min": 253, + "row_min": 58, + "column_max": 270, + "row_max": 78, + "width": 17, + "height": 20 + }, + { + "id": 30, + "class": "Compo", + "column_min": 730, + "row_min": 54, + "column_max": 790, + "row_max": 112, + "width": 60, + "height": 58 + }, + { + "id": 31, + "class": "Compo", + "column_min": 3, + "row_min": 62, + "column_max": 11, + "row_max": 71, + "width": 8, + "height": 9 + }, + { + "id": 32, + "class": "Compo", + "column_min": 299, + "row_min": 69, + "column_max": 341, + "row_max": 75, + "width": 42, + "height": 6 + }, + { + "id": 33, + "class": "Compo", + "column_min": 343, + "row_min": 69, + "column_max": 367, + "row_max": 75, + "width": 24, + "height": 6 + }, + { + "id": 34, + "class": "Compo", + "column_min": 379, + "row_min": 69, + "column_max": 391, + "row_max": 75, + "width": 12, + "height": 6 + }, + { + "id": 35, + "class": "Compo", + "column_min": 394, + "row_min": 69, + "column_max": 412, + "row_max": 75, + "width": 18, + "height": 6 + }, + { + "id": 36, + "class": "Compo", + "column_min": 415, + "row_min": 69, + "column_max": 456, + "row_max": 76, + "width": 41, + "height": 7 + }, + { + "id": 37, + "class": "Compo", + "column_min": 458, + "row_min": 69, + "column_max": 476, + "row_max": 75, + "width": 18, + "height": 6 + }, + { + "id": 38, + "class": "Compo", + "column_min": 1, + "row_min": 75, + "column_max": 13, + "row_max": 79, + "width": 12, + "height": 4 + }, + { + "id": 39, + "class": "Compo", + "column_min": 68, + "row_min": 78, + "column_max": 110, + "row_max": 94, + "width": 42, + "height": 16 + }, + { + "id": 40, + "class": "Compo", + "column_min": 117, + "row_min": 78, + "column_max": 152, + "row_max": 94, + "width": 35, + "height": 16 + }, + { + "id": 41, + "class": "Compo", + "column_min": 160, + "row_min": 79, + "column_max": 212, + "row_max": 98, + "width": 52, + "height": 19 + }, + { + "id": 42, + "class": "Compo", + "column_min": 224, + "row_min": 79, + "column_max": 246, + "row_max": 94, + "width": 22, + "height": 15 + }, + { + "id": 43, + "class": "Compo", + "column_min": 212, + "row_min": 84, + "column_max": 223, + "row_max": 98, + "width": 11, + "height": 14 + }, + { + "id": 44, + "class": "Compo", + "column_min": 299, + "row_min": 85, + "column_max": 324, + "row_max": 90, + "width": 25, + "height": 5 + }, + { + "id": 45, + "class": "Compo", + "column_min": 326, + "row_min": 85, + "column_max": 342, + "row_max": 91, + "width": 16, + "height": 6 + }, + { + "id": 46, + "class": "Compo", + "column_min": 405, + "row_min": 84, + "column_max": 419, + "row_max": 91, + "width": 14, + "height": 7 + }, + { + "id": 47, + "class": "Compo", + "column_min": 3, + "row_min": 94, + "column_max": 12, + "row_max": 101, + "width": 9, + "height": 7 + }, + { + "id": 48, + "class": "Compo", + "column_min": 299, + "row_min": 98, + "column_max": 321, + "row_max": 103, + "width": 22, + "height": 5 + }, + { + "id": 49, + "class": "Compo", + "column_min": 323, + "row_min": 98, + "column_max": 366, + "row_max": 104, + "width": 43, + "height": 6 + }, + { + "id": 50, + "class": "Compo", + "column_min": 405, + "row_min": 97, + "column_max": 418, + "row_max": 104, + "width": 13, + "height": 7 + }, + { + "id": 51, + "class": "Compo", + "column_min": 419, + "row_min": 97, + "column_max": 439, + "row_max": 104, + "width": 20, + "height": 7 + }, + { + "id": 52, + "class": "Compo", + "column_min": 412, + "row_min": 107, + "column_max": 437, + "row_max": 135, + "width": 25, + "height": 28 + }, + { + "id": 53, + "class": "Compo", + "column_min": 554, + "row_min": 109, + "column_max": 573, + "row_max": 113, + "width": 19, + "height": 4 + }, + { + "id": 54, + "class": "Compo", + "column_min": 589, + "row_min": 107, + "column_max": 618, + "row_max": 115, + "width": 29, + "height": 8 + }, + { + "id": 55, + "class": "Compo", + "column_min": 624, + "row_min": 107, + "column_max": 664, + "row_max": 114, + "width": 40, + "height": 7 + }, + { + "id": 56, + "class": "Compo", + "column_min": 677, + "row_min": 108, + "column_max": 689, + "row_max": 113, + "width": 12, + "height": 5 + }, + { + "id": 57, + "class": "Compo", + "column_min": 695, + "row_min": 107, + "column_max": 710, + "row_max": 113, + "width": 15, + "height": 6 + }, + { + "id": 58, + "class": "Compo", + "column_min": 299, + "row_min": 112, + "column_max": 314, + "row_max": 116, + "width": 15, + "height": 4 + }, + { + "id": 59, + "class": "Compo", + "column_min": 316, + "row_min": 111, + "column_max": 341, + "row_max": 117, + "width": 25, + "height": 6 + }, + { + "id": 60, + "class": "Compo", + "column_min": 343, + "row_min": 112, + "column_max": 372, + "row_max": 117, + "width": 29, + "height": 5 + }, + { + "id": 61, + "class": "Compo", + "column_min": 389, + "row_min": 112, + "column_max": 403, + "row_max": 119, + "width": 14, + "height": 7 + }, + { + "id": 62, + "class": "Compo", + "column_min": 438, + "row_min": 111, + "column_max": 457, + "row_max": 125, + "width": 19, + "height": 14 + }, + { + "id": 63, + "class": "Compo", + "column_min": 458, + "row_min": 111, + "column_max": 479, + "row_max": 119, + "width": 21, + "height": 8 + }, + { + "id": 64, + "class": "Compo", + "column_min": 553, + "row_min": 118, + "column_max": 573, + "row_max": 124, + "width": 20, + "height": 6 + }, + { + "id": 65, + "class": "Compo", + "column_min": 589, + "row_min": 118, + "column_max": 601, + "row_max": 124, + "width": 12, + "height": 6 + }, + { + "id": 66, + "class": "Compo", + "column_min": 603, + "row_min": 118, + "column_max": 620, + "row_max": 125, + "width": 17, + "height": 7 + }, + { + "id": 67, + "class": "Compo", + "column_min": 627, + "row_min": 118, + "column_max": 647, + "row_max": 125, + "width": 20, + "height": 7 + }, + { + "id": 68, + "class": "Compo", + "column_min": 654, + "row_min": 116, + "column_max": 673, + "row_max": 124, + "width": 19, + "height": 8 + }, + { + "id": 69, + "class": "Compo", + "column_min": 3, + "row_min": 125, + "column_max": 12, + "row_max": 134, + "width": 9, + "height": 9 + }, + { + "id": 70, + "class": "Compo", + "column_min": 729, + "row_min": 123, + "column_max": 790, + "row_max": 183, + "width": 61, + "height": 60 + }, + { + "id": 71, + "class": "Compo", + "column_min": 109, + "row_min": 126, + "column_max": 171, + "row_max": 153, + "width": 62, + "height": 27 + }, + { + "id": 72, + "class": "Compo", + "column_min": 299, + "row_min": 130, + "column_max": 310, + "row_max": 135, + "width": 11, + "height": 5 + }, + { + "id": 73, + "class": "Compo", + "column_min": 312, + "row_min": 130, + "column_max": 370, + "row_max": 135, + "width": 58, + "height": 5 + }, + { + "id": 74, + "class": "Compo", + "column_min": 389, + "row_min": 127, + "column_max": 405, + "row_max": 137, + "width": 16, + "height": 10 + }, + { + "id": 75, + "class": "Compo", + "column_min": 554, + "row_min": 129, + "column_max": 568, + "row_max": 134, + "width": 14, + "height": 5 + }, + { + "id": 76, + "class": "Compo", + "column_min": 225, + "row_min": 140, + "column_max": 278, + "row_max": 180, + "width": 53, + "height": 40 + }, + { + "id": 77, + "class": "Compo", + "column_min": 485, + "row_min": 139, + "column_max": 515, + "row_max": 157, + "width": 30, + "height": 18 + }, + { + "id": 78, + "class": "Compo", + "column_min": 45, + "row_min": 141, + "column_max": 81, + "row_max": 182, + "width": 36, + "height": 41 + }, + { + "id": 79, + "class": "Compo", + "column_min": 299, + "row_min": 144, + "column_max": 332, + "row_max": 149, + "width": 33, + "height": 5 + }, + { + "id": 80, + "class": "Compo", + "column_min": 404, + "row_min": 141, + "column_max": 419, + "row_max": 148, + "width": 15, + "height": 7 + }, + { + "id": 81, + "class": "Compo", + "column_min": 421, + "row_min": 141, + "column_max": 443, + "row_max": 148, + "width": 22, + "height": 7 + }, + { + "id": 82, + "class": "Compo", + "column_min": 388, + "row_min": 152, + "column_max": 447, + "row_max": 165, + "width": 59, + "height": 13 + }, + { + "id": 83, + "class": "Compo", + "column_min": 554, + "row_min": 151, + "column_max": 570, + "row_max": 156, + "width": 16, + "height": 5 + }, + { + "id": 84, + "class": "Compo", + "column_min": 659, + "row_min": 152, + "column_max": 667, + "row_max": 161, + "width": 8, + "height": 9 + }, + { + "id": 85, + "class": "Compo", + "column_min": 485, + "row_min": 159, + "column_max": 500, + "row_max": 163, + "width": 15, + "height": 4 + }, + { + "id": 86, + "class": "Compo", + "column_min": 604, + "row_min": 160, + "column_max": 618, + "row_max": 166, + "width": 14, + "height": 6 + }, + { + "id": 87, + "class": "Compo", + "column_min": 554, + "row_min": 161, + "column_max": 569, + "row_max": 165, + "width": 15, + "height": 4 + }, + { + "id": 88, + "class": "Compo", + "column_min": 33, + "row_min": 191, + "column_max": 48, + "row_max": 207, + "width": 15, + "height": 16 + }, + { + "id": 89, + "class": "Compo", + "column_min": 53, + "row_min": 193, + "column_max": 65, + "row_max": 199, + "width": 12, + "height": 6 + }, + { + "id": 90, + "class": "Compo", + "column_min": 67, + "row_min": 193, + "column_max": 78, + "row_max": 200, + "width": 11, + "height": 7 + }, + { + "id": 91, + "class": "Compo", + "column_min": 80, + "row_min": 193, + "column_max": 106, + "row_max": 200, + "width": 26, + "height": 7 + }, + { + "id": 92, + "class": "Compo", + "column_min": 108, + "row_min": 193, + "column_max": 129, + "row_max": 199, + "width": 21, + "height": 6 + }, + { + "id": 93, + "class": "Compo", + "column_min": 131, + "row_min": 193, + "column_max": 164, + "row_max": 200, + "width": 33, + "height": 7 + }, + { + "id": 94, + "class": "Compo", + "column_min": 288, + "row_min": 191, + "column_max": 304, + "row_max": 207, + "width": 16, + "height": 16 + }, + { + "id": 95, + "class": "Compo", + "column_min": 309, + "row_min": 193, + "column_max": 339, + "row_max": 199, + "width": 30, + "height": 6 + }, + { + "id": 96, + "class": "Compo", + "column_min": 341, + "row_min": 193, + "column_max": 383, + "row_max": 199, + "width": 42, + "height": 6 + }, + { + "id": 97, + "class": "Compo", + "column_min": 384, + "row_min": 193, + "column_max": 432, + "row_max": 199, + "width": 48, + "height": 6 + }, + { + "id": 98, + "class": "Compo", + "column_min": 434, + "row_min": 193, + "column_max": 478, + "row_max": 199, + "width": 44, + "height": 6 + }, + { + "id": 99, + "class": "Compo", + "column_min": 480, + "row_min": 193, + "column_max": 508, + "row_max": 199, + "width": 28, + "height": 6 + }, + { + "id": 100, + "class": "Compo", + "column_min": 510, + "row_min": 194, + "column_max": 524, + "row_max": 199, + "width": 14, + "height": 5 + }, + { + "id": 101, + "class": "Compo", + "column_min": 544, + "row_min": 191, + "column_max": 560, + "row_max": 207, + "width": 16, + "height": 16 + }, + { + "id": 102, + "class": "Compo", + "column_min": 565, + "row_min": 193, + "column_max": 577, + "row_max": 198, + "width": 12, + "height": 5 + }, + { + "id": 103, + "class": "Compo", + "column_min": 580, + "row_min": 193, + "column_max": 598, + "row_max": 199, + "width": 18, + "height": 6 + }, + { + "id": 104, + "class": "Compo", + "column_min": 600, + "row_min": 193, + "column_max": 618, + "row_max": 199, + "width": 18, + "height": 6 + }, + { + "id": 105, + "class": "Compo", + "column_min": 620, + "row_min": 193, + "column_max": 647, + "row_max": 199, + "width": 27, + "height": 6 + }, + { + "id": 106, + "class": "Compo", + "column_min": 658, + "row_min": 193, + "column_max": 672, + "row_max": 199, + "width": 14, + "height": 6 + }, + { + "id": 107, + "class": "Compo", + "column_min": 678, + "row_min": 192, + "column_max": 739, + "row_max": 199, + "width": 61, + "height": 7 + }, + { + "id": 108, + "class": "Compo", + "column_min": 741, + "row_min": 192, + "column_max": 779, + "row_max": 200, + "width": 38, + "height": 8 + }, + { + "id": 109, + "class": "Compo", + "column_min": 53, + "row_min": 204, + "column_max": 70, + "row_max": 209, + "width": 17, + "height": 5 + }, + { + "id": 110, + "class": "Compo", + "column_min": 72, + "row_min": 204, + "column_max": 94, + "row_max": 209, + "width": 22, + "height": 5 + }, + { + "id": 111, + "class": "Compo", + "column_min": 309, + "row_min": 202, + "column_max": 348, + "row_max": 209, + "width": 39, + "height": 7 + }, + { + "id": 112, + "class": "Compo", + "column_min": 565, + "row_min": 204, + "column_max": 585, + "row_max": 209, + "width": 20, + "height": 5 + }, + { + "id": 113, + "class": "Compo", + "column_min": 54, + "row_min": 212, + "column_max": 84, + "row_max": 218, + "width": 30, + "height": 6 + }, + { + "id": 114, + "class": "Compo", + "column_min": 90, + "row_min": 212, + "column_max": 114, + "row_max": 218, + "width": 24, + "height": 6 + }, + { + "id": 115, + "class": "Compo", + "column_min": 309, + "row_min": 214, + "column_max": 355, + "row_max": 219, + "width": 46, + "height": 5 + }, + { + "id": 116, + "class": "Compo", + "column_min": 357, + "row_min": 213, + "column_max": 392, + "row_max": 219, + "width": 35, + "height": 6 + }, + { + "id": 117, + "class": "Compo", + "column_min": 565, + "row_min": 212, + "column_max": 597, + "row_max": 218, + "width": 32, + "height": 6 + }, + { + "id": 118, + "class": "Compo", + "column_min": 603, + "row_min": 212, + "column_max": 623, + "row_max": 218, + "width": 20, + "height": 6 + }, + { + "id": 119, + "class": "Compo", + "column_min": 309, + "row_min": 222, + "column_max": 333, + "row_max": 228, + "width": 24, + "height": 6 + }, + { + "id": 120, + "class": "Compo", + "column_min": 339, + "row_min": 222, + "column_max": 349, + "row_max": 228, + "width": 10, + "height": 6 + }, + { + "id": 121, + "class": "Compo", + "column_min": 350, + "row_min": 222, + "column_max": 364, + "row_max": 228, + "width": 14, + "height": 6 + }, + { + "id": 122, + "class": "Block", + "column_min": 33, + "row_min": 243, + "column_max": 282, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 123, + "class": "Block", + "column_min": 288, + "row_min": 243, + "column_max": 537, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 124, + "class": "Block", + "column_min": 544, + "row_min": 243, + "column_max": 793, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 125, + "class": "Compo", + "column_min": 291, + "row_min": 250, + "column_max": 314, + "row_max": 274, + "width": 23, + "height": 24 + }, + { + "id": 126, + "class": "Compo", + "column_min": 112, + "row_min": 251, + "column_max": 139, + "row_max": 279, + "width": 27, + "height": 28 + }, + { + "id": 127, + "class": "Compo", + "column_min": 329, + "row_min": 252, + "column_max": 372, + "row_max": 256, + "width": 43, + "height": 4 + }, + { + "id": 128, + "class": "Compo", + "column_min": 609, + "row_min": 254, + "column_max": 727, + "row_max": 373, + "width": 118, + "height": 119 + }, + { + "id": 129, + "class": "Compo", + "column_min": 166, + "row_min": 259, + "column_max": 179, + "row_max": 279, + "width": 13, + "height": 20 + }, + { + "id": 130, + "class": "Compo", + "column_min": 336, + "row_min": 260, + "column_max": 346, + "row_max": 273, + "width": 10, + "height": 13 + }, + { + "id": 131, + "class": "Compo", + "column_min": 383, + "row_min": 260, + "column_max": 400, + "row_max": 271, + "width": 17, + "height": 11 + }, + { + "id": 132, + "class": "Compo", + "column_min": 426, + "row_min": 260, + "column_max": 438, + "row_max": 273, + "width": 12, + "height": 13 + }, + { + "id": 133, + "class": "Compo", + "column_min": 141, + "row_min": 261, + "column_max": 165, + "row_max": 279, + "width": 24, + "height": 18 + }, + { + "id": 134, + "class": "Compo", + "column_min": 198, + "row_min": 261, + "column_max": 203, + "row_max": 279, + "width": 5, + "height": 18 + }, + { + "id": 135, + "class": "Compo", + "column_min": 203, + "row_min": 257, + "column_max": 218, + "row_max": 280, + "width": 15, + "height": 23 + }, + { + "id": 136, + "class": "Compo", + "column_min": 348, + "row_min": 262, + "column_max": 375, + "row_max": 272, + "width": 27, + "height": 10 + }, + { + "id": 137, + "class": "Compo", + "column_min": 402, + "row_min": 264, + "column_max": 414, + "row_max": 272, + "width": 12, + "height": 8 + }, + { + "id": 138, + "class": "Compo", + "column_min": 417, + "row_min": 261, + "column_max": 425, + "row_max": 274, + "width": 8, + "height": 13 + }, + { + "id": 139, + "class": "Compo", + "column_min": 306, + "row_min": 280, + "column_max": 318, + "row_max": 316, + "width": 12, + "height": 36 + }, + { + "id": 140, + "class": "Compo", + "column_min": 384, + "row_min": 281, + "column_max": 402, + "row_max": 324, + "width": 18, + "height": 43 + }, + { + "id": 141, + "class": "Compo", + "column_min": 92, + "row_min": 292, + "column_max": 101, + "row_max": 305, + "width": 9, + "height": 13 + }, + { + "id": 142, + "class": "Compo", + "column_min": 318, + "row_min": 295, + "column_max": 339, + "row_max": 332, + "width": 21, + "height": 37 + }, + { + "id": 143, + "class": "Compo", + "column_min": 355, + "row_min": 298, + "column_max": 363, + "row_max": 312, + "width": 8, + "height": 14 + }, + { + "id": 144, + "class": "Compo", + "column_min": 339, + "row_min": 305, + "column_max": 348, + "row_max": 329, + "width": 9, + "height": 24 + }, + { + "id": 145, + "class": "Compo", + "column_min": 348, + "row_min": 315, + "column_max": 356, + "row_max": 327, + "width": 8, + "height": 12 + }, + { + "id": 146, + "class": "Compo", + "column_min": 234, + "row_min": 319, + "column_max": 249, + "row_max": 348, + "width": 15, + "height": 29 + }, + { + "id": 147, + "class": "Compo", + "column_min": 502, + "row_min": 323, + "column_max": 520, + "row_max": 335, + "width": 18, + "height": 12 + }, + { + "id": 148, + "class": "Compo", + "column_min": 260, + "row_min": 335, + "column_max": 274, + "row_max": 350, + "width": 14, + "height": 15 + }, + { + "id": 149, + "class": "Compo", + "column_min": 307, + "row_min": 334, + "column_max": 324, + "row_max": 349, + "width": 17, + "height": 15 + }, + { + "id": 150, + "class": "Compo", + "column_min": 111, + "row_min": 367, + "column_max": 123, + "row_max": 380, + "width": 12, + "height": 13 + }, + { + "id": 151, + "class": "Compo", + "column_min": 238, + "row_min": 365, + "column_max": 280, + "row_max": 383, + "width": 42, + "height": 18 + }, + { + "id": 152, + "class": "Compo", + "column_min": 477, + "row_min": 373, + "column_max": 510, + "row_max": 383, + "width": 33, + "height": 10 + }, + { + "id": 153, + "class": "Compo", + "column_min": 775, + "row_min": 373, + "column_max": 788, + "row_max": 377, + "width": 13, + "height": 4 + }, + { + "id": 154, + "class": "Compo", + "column_min": 35, + "row_min": 388, + "column_max": 48, + "row_max": 400, + "width": 13, + "height": 12 + }, + { + "id": 155, + "class": "Compo", + "column_min": 54, + "row_min": 390, + "column_max": 88, + "row_max": 395, + "width": 34, + "height": 5 + }, + { + "id": 156, + "class": "Compo", + "column_min": 90, + "row_min": 389, + "column_max": 120, + "row_max": 396, + "width": 30, + "height": 7 + }, + { + "id": 157, + "class": "Compo", + "column_min": 124, + "row_min": 389, + "column_max": 165, + "row_max": 396, + "width": 41, + "height": 7 + }, + { + "id": 158, + "class": "Compo", + "column_min": 288, + "row_min": 388, + "column_max": 304, + "row_max": 403, + "width": 16, + "height": 15 + }, + { + "id": 159, + "class": "Compo", + "column_min": 309, + "row_min": 390, + "column_max": 342, + "row_max": 396, + "width": 33, + "height": 6 + }, + { + "id": 160, + "class": "Compo", + "column_min": 344, + "row_min": 390, + "column_max": 371, + "row_max": 396, + "width": 27, + "height": 6 + }, + { + "id": 161, + "class": "Compo", + "column_min": 391, + "row_min": 390, + "column_max": 417, + "row_max": 395, + "width": 26, + "height": 5 + }, + { + "id": 162, + "class": "Compo", + "column_min": 419, + "row_min": 390, + "column_max": 450, + "row_max": 396, + "width": 31, + "height": 6 + }, + { + "id": 163, + "class": "Compo", + "column_min": 452, + "row_min": 390, + "column_max": 484, + "row_max": 395, + "width": 32, + "height": 5 + }, + { + "id": 164, + "class": "Compo", + "column_min": 494, + "row_min": 390, + "column_max": 520, + "row_max": 396, + "width": 26, + "height": 6 + }, + { + "id": 165, + "class": "Compo", + "column_min": 544, + "row_min": 388, + "column_max": 560, + "row_max": 403, + "width": 16, + "height": 15 + }, + { + "id": 166, + "class": "Compo", + "column_min": 565, + "row_min": 390, + "column_max": 575, + "row_max": 395, + "width": 10, + "height": 5 + }, + { + "id": 167, + "class": "Compo", + "column_min": 577, + "row_min": 390, + "column_max": 598, + "row_max": 395, + "width": 21, + "height": 5 + }, + { + "id": 168, + "class": "Compo", + "column_min": 629, + "row_min": 390, + "column_max": 665, + "row_max": 396, + "width": 36, + "height": 6 + }, + { + "id": 169, + "class": "Compo", + "column_min": 667, + "row_min": 389, + "column_max": 694, + "row_max": 396, + "width": 27, + "height": 7 + }, + { + "id": 170, + "class": "Compo", + "column_min": 695, + "row_min": 389, + "column_max": 728, + "row_max": 396, + "width": 33, + "height": 7 + }, + { + "id": 171, + "class": "Compo", + "column_min": 379, + "row_min": 390, + "column_max": 389, + "row_max": 395, + "width": 10, + "height": 5 + }, + { + "id": 172, + "class": "Compo", + "column_min": 600, + "row_min": 390, + "column_max": 627, + "row_max": 396, + "width": 27, + "height": 6 + }, + { + "id": 173, + "class": "Compo", + "column_min": 85, + "row_min": 400, + "column_max": 95, + "row_max": 405, + "width": 10, + "height": 5 + }, + { + "id": 174, + "class": "Compo", + "column_min": 97, + "row_min": 400, + "column_max": 114, + "row_max": 405, + "width": 17, + "height": 5 + }, + { + "id": 175, + "class": "Compo", + "column_min": 309, + "row_min": 400, + "column_max": 332, + "row_max": 405, + "width": 23, + "height": 5 + }, + { + "id": 176, + "class": "Compo", + "column_min": 334, + "row_min": 400, + "column_max": 349, + "row_max": 405, + "width": 15, + "height": 5 + }, + { + "id": 177, + "class": "Compo", + "column_min": 565, + "row_min": 400, + "column_max": 600, + "row_max": 405, + "width": 35, + "height": 5 + }, + { + "id": 178, + "class": "Compo", + "column_min": 54, + "row_min": 400, + "column_max": 79, + "row_max": 405, + "width": 25, + "height": 5 + }, + { + "id": 179, + "class": "Compo", + "column_min": 731, + "row_min": 54, + "column_max": 790, + "row_max": 111, + "width": 59, + "height": 57 + }, + { + "id": 180, + "class": "Compo", + "column_min": 625, + "row_min": 269, + "column_max": 713, + "row_max": 357, + "width": 88, + "height": 88 + }, + { + "id": 181, + "class": "Compo", + "column_min": 625, + "row_min": 269, + "column_max": 713, + "row_max": 357, + "width": 88, + "height": 88 + } + ] +} \ No newline at end of file diff --git a/screencoder/data/tmp/mapping_full_test1.json b/screencoder/data/tmp/mapping_full_test1.json new file mode 100644 index 0000000000000000000000000000000000000000..96219dcfb88be182a4b17c92ce389624e4fb1464 --- /dev/null +++ b/screencoder/data/tmp/mapping_full_test1.json @@ -0,0 +1,18 @@ +{ + "4": { + "transform": { + "scale_x": 4.215269086357948, + "scale_y": 4.211822660098522, + "dx": -7.851689612015093, + "dy": -42.571428571428555 + }, + "mapping": { + "ph0": 17, + "ph1": 19, + "ph2": 20, + "ph3": 122, + "ph4": 123, + "ph5": 124 + } + } +} \ No newline at end of file diff --git a/screencoder/data/tmp/overlay_test_test1.png b/screencoder/data/tmp/overlay_test_test1.png new file mode 100644 index 0000000000000000000000000000000000000000..f95ad1621f7cf2e677666fb59b55ee87cb4cb2ce --- /dev/null +++ b/screencoder/data/tmp/overlay_test_test1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbb9b67be2bc31b7c1e91094aec9323b8ee3ff94f92ea1a2445a26a70defc8c8 +size 3265074 diff --git a/screencoder/data/tmp/temp_header_masked.png b/screencoder/data/tmp/temp_header_masked.png new file mode 100644 index 0000000000000000000000000000000000000000..618b5211042802c7ba8051db117564028c738eda --- /dev/null +++ b/screencoder/data/tmp/temp_header_masked.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da11f8cec79972b94e230ff1e1ba65f76fdeee54ee52d4278205b4c2ffafda7e +size 2409846 diff --git a/screencoder/data/tmp/temp_main content_masked.png b/screencoder/data/tmp/temp_main content_masked.png new file mode 100644 index 0000000000000000000000000000000000000000..57c75ba1ea67ceb69d0c3653fe35eec1bc615bec --- /dev/null +++ b/screencoder/data/tmp/temp_main content_masked.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01de43583730f5e45df4ae966b55c2bf551d0a065ccc996b240e94c5e6604556 +size 37826 diff --git a/screencoder/data/tmp/temp_navigation_masked.png b/screencoder/data/tmp/temp_navigation_masked.png new file mode 100644 index 0000000000000000000000000000000000000000..e12c95322cea69eb3b453f5bb32d525dd8731065 --- /dev/null +++ b/screencoder/data/tmp/temp_navigation_masked.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3388dbda3f25f70cf007294592c2475d5278d3fea0fe5c154af4038316560f6 +size 2385083 diff --git a/screencoder/data/tmp/temp_sidebar_masked.png b/screencoder/data/tmp/temp_sidebar_masked.png new file mode 100644 index 0000000000000000000000000000000000000000..254f6fd266421929e1d63264b88a014ffb5fdbf3 --- /dev/null +++ b/screencoder/data/tmp/temp_sidebar_masked.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eefadb42c960c357ff6fb323c7838e07ead954dea909507beb7d60bda1d21506 +size 2404780 diff --git a/screencoder/data/tmp/test1_bboxes.json b/screencoder/data/tmp/test1_bboxes.json new file mode 100644 index 0000000000000000000000000000000000000000..5c2baf13f738a0a62ce6ba4bf3b48601ec18d54c --- /dev/null +++ b/screencoder/data/tmp/test1_bboxes.json @@ -0,0 +1,82 @@ +{ + "regions": [ + { + "id": "1", + "x": 0.0, + "y": 0.0, + "w": 0.02820665083135392, + "h": 0.9964912280701754 + }, + { + "id": "2", + "x": 0.030285035629453682, + "y": 0.0, + "w": 0.9673396674584323, + "h": 0.06842105263157895 + }, + { + "id": "3", + "x": 0.030285035629453682, + "y": 0.06842105263157895, + "w": 0.6362826603325415, + "h": 0.03567251461988304 + }, + { + "id": "4", + "x": 0.030285035629453682, + "y": 0.10526315789473684, + "w": 0.9652612826603325, + "h": 0.8894736842105263 + } + ], + "placeholders": [ + { + "id": "ph0", + "x": 0.043052256532066506, + "y": 0.12748538011695906, + "w": 0.30492874109263657, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph1", + "x": 0.3607482185273159, + "y": 0.12748538011695906, + "w": 0.30492874109263657, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph2", + "x": 0.6781472684085511, + "y": 0.12748538011695906, + "w": 0.30492874109263657, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph3", + "x": 0.043052256532066506, + "y": 0.5497076023391813, + "w": 0.30492874109263657, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph4", + "x": 0.3607482185273159, + "y": 0.5497076023391813, + "w": 0.30492874109263657, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph5", + "x": 0.6781472684085511, + "y": 0.5497076023391813, + "w": 0.30492874109263657, + "h": 0.26666666666666666, + "region_id": "4" + } + ] +} \ No newline at end of file diff --git a/screencoder/data/tmp/test1_with_bboxes.png b/screencoder/data/tmp/test1_with_bboxes.png new file mode 100644 index 0000000000000000000000000000000000000000..9fcd76b263352a1e8bce406256f392703bee03f8 --- /dev/null +++ b/screencoder/data/tmp/test1_with_bboxes.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d04a6210242f212f8d02d6df8989fb2c071363adabcd2ea2191fab7e49fc585b +size 3258037 diff --git a/screencoder/demo/README.md b/screencoder/demo/README.md new file mode 100644 index 0000000000000000000000000000000000000000..db743265eb272540c7855eed1a781cc58bc4c910 --- /dev/null +++ b/screencoder/demo/README.md @@ -0,0 +1,57 @@ +# UI2Code Demo + +UI2Code Demo is an interactive web application that demonstrates how to reconstruct high-fidelity frontend code from UI screenshots or design mockups, step by step. It is designed for research, education, and showcasing code generation techniques for modern web interfaces. + +## Features +- **Multiple Real-World Demos:** Includes step-by-step reconstructions of YouTube, Instagram, and Google Search interfaces. +- **Progressive Code Generation:** Visualizes the incremental build-up of complex UIs, showing each step in the process. +- **Live Preview:** Responsive, high-fidelity preview of the generated code at every step. +- **Custom Screenshot Upload:** (Optional) Upload your own screenshot to experience AI-driven code generation (if integrated). +- **Final HTML Output:** Each demo provides a complete, production-quality HTML/CSS result for reference. +- **Modern UI/UX:** Built with React, Tailwind CSS, and Monaco Editor for a smooth developer and user experience. + +## Getting Started +### Prerequisites +- Node.js (v16+ recommended) +- pnpm (recommended) or npm + +### Installation +```bash +pnpm install +# or +npm install +``` + +### Running the Development Server +```bash +pnpm run dev +# or +npm run dev +``` +Visit [http://localhost:5173](http://localhost:5173) in your browser to use the demo. + +## Usage +1. **Select a Demo:** Choose from YouTube, Instagram, or Google Search Design in the left sidebar. +2. **Play the Generation:** Click the "▶️ Play" button to watch the UI being reconstructed step by step, or use the slider to scrub through steps manually. +3. **View Final Result:** At the end, see the complete HTML/CSS for the chosen interface. +4. **(Optional) Upload Screenshot:** If enabled, upload your own screenshot to try AI-powered code generation. + +## Demo Data & Extensibility +- **Step Files:** Each demo consists of a manifest and a sequence of HTML files (`0001.html`, `0002.html`, ...), plus a `final_*.html` for the complete result. +- **Adding New Demos:** + 1. Prepare your stepwise HTML files and a manifest in a new folder under `public/demos/`. + 2. Add a thumbnail image to `public/assets/`. + 3. Update `public/demos.json` with the new demo's metadata. +- **Assets:** All images used in demos are stored in `public/assets/` and referenced relatively in HTML. + +## Dependencies +- [React](https://react.dev/) 18+ +- [Vite](https://vitejs.dev/) +- [Tailwind CSS](https://tailwindcss.com/) +- [@monaco-editor/react](https://github.com/suren-atoyan/monaco-react) + +## Scripts +- `script/prepare_steps.py`: Python script to generate stepwise HTML files from a design. + +## Tools +- `UIED`: Tradition UI element detection used to detect elements in the screenshot and obtain corresponding bboxes. \ No newline at end of file diff --git a/screencoder/demo/index.html b/screencoder/demo/index.html new file mode 100644 index 0000000000000000000000000000000000000000..c9092087befd256dfba6c746ba747a61ced43c59 --- /dev/null +++ b/screencoder/demo/index.html @@ -0,0 +1,13 @@ + + + + + + UI Code Demo + + + +
+ + + \ No newline at end of file diff --git a/screencoder/demo/package.json b/screencoder/demo/package.json new file mode 100644 index 0000000000000000000000000000000000000000..a2a151e512816754a9497a686b2a32325217476c --- /dev/null +++ b/screencoder/demo/package.json @@ -0,0 +1,19 @@ +{ + "name": "screencoder-demo", + "version": "0.0.1", + "private": true, + "scripts": { + "dev": "vite", + "build": "vite build", + "preview": "vite preview" + }, + "dependencies": { + "react": "^18.3.0", + "react-dom": "^18.3.0", + "@monaco-editor/react": "^4.7.0" + }, + "devDependencies": { + "@vitejs/plugin-react": "^4.0.0", + "vite": "^5.0.0" + } +} \ No newline at end of file diff --git a/screencoder/demo/pnpm-lock.yaml b/screencoder/demo/pnpm-lock.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ac24c0973670d9d6681a57fa270e1bd9f3972389 --- /dev/null +++ b/screencoder/demo/pnpm-lock.yaml @@ -0,0 +1,1008 @@ +lockfileVersion: '9.0' + +settings: + autoInstallPeers: true + excludeLinksFromLockfile: false + +importers: + + .: + dependencies: + '@monaco-editor/react': + specifier: ^4.7.0 + version: 4.7.0(monaco-editor@0.52.2)(react-dom@18.3.1(react@18.3.1))(react@18.3.1) + react: + specifier: ^18.3.0 + version: 18.3.1 + react-dom: + specifier: ^18.3.0 + version: 18.3.1(react@18.3.1) + devDependencies: + '@vitejs/plugin-react': + specifier: ^4.0.0 + version: 4.6.0(vite@5.4.19) + vite: + specifier: ^5.0.0 + version: 5.4.19 + +packages: + + '@ampproject/remapping@2.3.0': + resolution: {integrity: sha512-30iZtAPgz+LTIYoeivqYo853f02jBYSd5uGnGpkFV0M3xOt9aN73erkgYAmZU43x4VfqcnLxW9Kpg3R5LC4YYw==} + engines: {node: '>=6.0.0'} + + '@babel/code-frame@7.27.1': + resolution: {integrity: sha512-cjQ7ZlQ0Mv3b47hABuTevyTuYN4i+loJKGeV9flcCgIK37cCXRh+L1bd3iBHlynerhQ7BhCkn2BPbQUL+rGqFg==} + engines: {node: '>=6.9.0'} + + '@babel/compat-data@7.28.0': + resolution: {integrity: sha512-60X7qkglvrap8mn1lh2ebxXdZYtUcpd7gsmy9kLaBJ4i/WdY8PqTSdxyA8qraikqKQK5C1KRBKXqznrVapyNaw==} + engines: {node: '>=6.9.0'} + + '@babel/core@7.28.0': + resolution: {integrity: sha512-UlLAnTPrFdNGoFtbSXwcGFQBtQZJCNjaN6hQNP3UPvuNXT1i82N26KL3dZeIpNalWywr9IuQuncaAfUaS1g6sQ==} + engines: {node: '>=6.9.0'} + + '@babel/generator@7.28.0': + resolution: {integrity: sha512-lJjzvrbEeWrhB4P3QBsH7tey117PjLZnDbLiQEKjQ/fNJTjuq4HSqgFA+UNSwZT8D7dxxbnuSBMsa1lrWzKlQg==} + engines: {node: '>=6.9.0'} + + '@babel/helper-compilation-targets@7.27.2': + resolution: {integrity: sha512-2+1thGUUWWjLTYTHZWK1n8Yga0ijBz1XAhUXcKy81rd5g6yh7hGqMp45v7cadSbEHc9G3OTv45SyneRN3ps4DQ==} + engines: {node: '>=6.9.0'} + + '@babel/helper-globals@7.28.0': + resolution: {integrity: sha512-+W6cISkXFa1jXsDEdYA8HeevQT/FULhxzR99pxphltZcVaugps53THCeiWA8SguxxpSp3gKPiuYfSWopkLQ4hw==} + engines: {node: '>=6.9.0'} + + '@babel/helper-module-imports@7.27.1': + resolution: {integrity: sha512-0gSFWUPNXNopqtIPQvlD5WgXYI5GY2kP2cCvoT8kczjbfcfuIljTbcWrulD1CIPIX2gt1wghbDy08yE1p+/r3w==} + engines: {node: '>=6.9.0'} + + '@babel/helper-module-transforms@7.27.3': + resolution: {integrity: sha512-dSOvYwvyLsWBeIRyOeHXp5vPj5l1I011r52FM1+r1jCERv+aFXYk4whgQccYEGYxK2H3ZAIA8nuPkQ0HaUo3qg==} + engines: {node: '>=6.9.0'} + peerDependencies: + '@babel/core': ^7.0.0 + + '@babel/helper-plugin-utils@7.27.1': + resolution: {integrity: sha512-1gn1Up5YXka3YYAHGKpbideQ5Yjf1tDa9qYcgysz+cNCXukyLl6DjPXhD3VRwSb8c0J9tA4b2+rHEZtc6R0tlw==} + engines: {node: '>=6.9.0'} + + '@babel/helper-string-parser@7.27.1': + resolution: {integrity: sha512-qMlSxKbpRlAridDExk92nSobyDdpPijUq2DW6oDnUqd0iOGxmQjyqhMIihI9+zv4LPyZdRje2cavWPbCbWm3eA==} + engines: {node: '>=6.9.0'} + + '@babel/helper-validator-identifier@7.27.1': + resolution: {integrity: sha512-D2hP9eA+Sqx1kBZgzxZh0y1trbuU+JoDkiEwqhQ36nodYqJwyEIhPSdMNd7lOm/4io72luTPWH20Yda0xOuUow==} + engines: {node: '>=6.9.0'} + + '@babel/helper-validator-option@7.27.1': + resolution: {integrity: sha512-YvjJow9FxbhFFKDSuFnVCe2WxXk1zWc22fFePVNEaWJEu8IrZVlda6N0uHwzZrUM1il7NC9Mlp4MaJYbYd9JSg==} + engines: {node: '>=6.9.0'} + + '@babel/helpers@7.27.6': + resolution: {integrity: sha512-muE8Tt8M22638HU31A3CgfSUciwz1fhATfoVai05aPXGor//CdWDCbnlY1yvBPo07njuVOCNGCSp/GTt12lIug==} + engines: {node: '>=6.9.0'} + + '@babel/parser@7.28.0': + resolution: {integrity: sha512-jVZGvOxOuNSsuQuLRTh13nU0AogFlw32w/MT+LV6D3sP5WdbW61E77RnkbaO2dUvmPAYrBDJXGn5gGS6tH4j8g==} + engines: {node: '>=6.0.0'} + hasBin: true + + '@babel/plugin-transform-react-jsx-self@7.27.1': + resolution: {integrity: sha512-6UzkCs+ejGdZ5mFFC/OCUrv028ab2fp1znZmCZjAOBKiBK2jXD1O+BPSfX8X2qjJ75fZBMSnQn3Rq2mrBJK2mw==} + engines: {node: '>=6.9.0'} + peerDependencies: + '@babel/core': ^7.0.0-0 + + '@babel/plugin-transform-react-jsx-source@7.27.1': + resolution: {integrity: sha512-zbwoTsBruTeKB9hSq73ha66iFeJHuaFkUbwvqElnygoNbj/jHRsSeokowZFN3CZ64IvEqcmmkVe89OPXc7ldAw==} + engines: {node: '>=6.9.0'} + peerDependencies: + '@babel/core': ^7.0.0-0 + + '@babel/template@7.27.2': + resolution: {integrity: sha512-LPDZ85aEJyYSd18/DkjNh4/y1ntkE5KwUHWTiqgRxruuZL2F1yuHligVHLvcHY2vMHXttKFpJn6LwfI7cw7ODw==} + engines: {node: '>=6.9.0'} + + '@babel/traverse@7.28.0': + resolution: {integrity: sha512-mGe7UK5wWyh0bKRfupsUchrQGqvDbZDbKJw+kcRGSmdHVYrv+ltd0pnpDTVpiTqnaBru9iEvA8pz8W46v0Amwg==} + engines: {node: '>=6.9.0'} + + '@babel/types@7.28.0': + resolution: {integrity: sha512-jYnje+JyZG5YThjHiF28oT4SIZLnYOcSBb6+SDaFIyzDVSkXQmQQYclJ2R+YxcdmK0AX6x1E5OQNtuh3jHDrUg==} + engines: {node: '>=6.9.0'} + + '@esbuild/aix-ppc64@0.21.5': + resolution: {integrity: sha512-1SDgH6ZSPTlggy1yI6+Dbkiz8xzpHJEVAlF/AM1tHPLsf5STom9rwtjE4hKAF20FfXXNTFqEYXyJNWh1GiZedQ==} + engines: {node: '>=12'} + cpu: [ppc64] + os: [aix] + + '@esbuild/android-arm64@0.21.5': + resolution: {integrity: sha512-c0uX9VAUBQ7dTDCjq+wdyGLowMdtR/GoC2U5IYk/7D1H1JYC0qseD7+11iMP2mRLN9RcCMRcjC4YMclCzGwS/A==} + engines: {node: '>=12'} + cpu: [arm64] + os: [android] + + '@esbuild/android-arm@0.21.5': + resolution: {integrity: sha512-vCPvzSjpPHEi1siZdlvAlsPxXl7WbOVUBBAowWug4rJHb68Ox8KualB+1ocNvT5fjv6wpkX6o/iEpbDrf68zcg==} + engines: {node: '>=12'} + cpu: [arm] + os: [android] + + '@esbuild/android-x64@0.21.5': + resolution: {integrity: sha512-D7aPRUUNHRBwHxzxRvp856rjUHRFW1SdQATKXH2hqA0kAZb1hKmi02OpYRacl0TxIGz/ZmXWlbZgjwWYaCakTA==} + engines: {node: '>=12'} + cpu: [x64] + os: [android] + + '@esbuild/darwin-arm64@0.21.5': + resolution: {integrity: sha512-DwqXqZyuk5AiWWf3UfLiRDJ5EDd49zg6O9wclZ7kUMv2WRFr4HKjXp/5t8JZ11QbQfUS6/cRCKGwYhtNAY88kQ==} + engines: {node: '>=12'} + cpu: [arm64] + os: [darwin] + + '@esbuild/darwin-x64@0.21.5': + resolution: {integrity: sha512-se/JjF8NlmKVG4kNIuyWMV/22ZaerB+qaSi5MdrXtd6R08kvs2qCN4C09miupktDitvh8jRFflwGFBQcxZRjbw==} + engines: {node: '>=12'} + cpu: [x64] + os: [darwin] + + '@esbuild/freebsd-arm64@0.21.5': + resolution: {integrity: sha512-5JcRxxRDUJLX8JXp/wcBCy3pENnCgBR9bN6JsY4OmhfUtIHe3ZW0mawA7+RDAcMLrMIZaf03NlQiX9DGyB8h4g==} + engines: {node: '>=12'} + cpu: [arm64] + os: [freebsd] + + '@esbuild/freebsd-x64@0.21.5': + resolution: {integrity: sha512-J95kNBj1zkbMXtHVH29bBriQygMXqoVQOQYA+ISs0/2l3T9/kj42ow2mpqerRBxDJnmkUDCaQT/dfNXWX/ZZCQ==} + engines: {node: '>=12'} + cpu: [x64] + os: [freebsd] + + '@esbuild/linux-arm64@0.21.5': + resolution: {integrity: sha512-ibKvmyYzKsBeX8d8I7MH/TMfWDXBF3db4qM6sy+7re0YXya+K1cem3on9XgdT2EQGMu4hQyZhan7TeQ8XkGp4Q==} + engines: {node: '>=12'} + cpu: [arm64] + os: [linux] + + '@esbuild/linux-arm@0.21.5': + resolution: {integrity: sha512-bPb5AHZtbeNGjCKVZ9UGqGwo8EUu4cLq68E95A53KlxAPRmUyYv2D6F0uUI65XisGOL1hBP5mTronbgo+0bFcA==} + engines: {node: '>=12'} + cpu: [arm] + os: [linux] + + '@esbuild/linux-ia32@0.21.5': + resolution: {integrity: sha512-YvjXDqLRqPDl2dvRODYmmhz4rPeVKYvppfGYKSNGdyZkA01046pLWyRKKI3ax8fbJoK5QbxblURkwK/MWY18Tg==} + engines: {node: '>=12'} + cpu: [ia32] + os: [linux] + + '@esbuild/linux-loong64@0.21.5': + resolution: {integrity: sha512-uHf1BmMG8qEvzdrzAqg2SIG/02+4/DHB6a9Kbya0XDvwDEKCoC8ZRWI5JJvNdUjtciBGFQ5PuBlpEOXQj+JQSg==} + engines: {node: '>=12'} + cpu: [loong64] + os: [linux] + + '@esbuild/linux-mips64el@0.21.5': + resolution: {integrity: sha512-IajOmO+KJK23bj52dFSNCMsz1QP1DqM6cwLUv3W1QwyxkyIWecfafnI555fvSGqEKwjMXVLokcV5ygHW5b3Jbg==} + engines: {node: '>=12'} + cpu: [mips64el] + os: [linux] + + '@esbuild/linux-ppc64@0.21.5': + resolution: {integrity: sha512-1hHV/Z4OEfMwpLO8rp7CvlhBDnjsC3CttJXIhBi+5Aj5r+MBvy4egg7wCbe//hSsT+RvDAG7s81tAvpL2XAE4w==} + engines: {node: '>=12'} + cpu: [ppc64] + os: [linux] + + '@esbuild/linux-riscv64@0.21.5': + resolution: {integrity: sha512-2HdXDMd9GMgTGrPWnJzP2ALSokE/0O5HhTUvWIbD3YdjME8JwvSCnNGBnTThKGEB91OZhzrJ4qIIxk/SBmyDDA==} + engines: {node: '>=12'} + cpu: [riscv64] + os: [linux] + + '@esbuild/linux-s390x@0.21.5': + resolution: {integrity: sha512-zus5sxzqBJD3eXxwvjN1yQkRepANgxE9lgOW2qLnmr8ikMTphkjgXu1HR01K4FJg8h1kEEDAqDcZQtbrRnB41A==} + engines: {node: '>=12'} + cpu: [s390x] + os: [linux] + + '@esbuild/linux-x64@0.21.5': + resolution: {integrity: sha512-1rYdTpyv03iycF1+BhzrzQJCdOuAOtaqHTWJZCWvijKD2N5Xu0TtVC8/+1faWqcP9iBCWOmjmhoH94dH82BxPQ==} + engines: {node: '>=12'} + cpu: [x64] + os: [linux] + + '@esbuild/netbsd-x64@0.21.5': + resolution: {integrity: sha512-Woi2MXzXjMULccIwMnLciyZH4nCIMpWQAs049KEeMvOcNADVxo0UBIQPfSmxB3CWKedngg7sWZdLvLczpe0tLg==} + engines: {node: '>=12'} + cpu: [x64] + os: [netbsd] + + '@esbuild/openbsd-x64@0.21.5': + resolution: {integrity: sha512-HLNNw99xsvx12lFBUwoT8EVCsSvRNDVxNpjZ7bPn947b8gJPzeHWyNVhFsaerc0n3TsbOINvRP2byTZ5LKezow==} + engines: {node: '>=12'} + cpu: [x64] + os: [openbsd] + + '@esbuild/sunos-x64@0.21.5': + resolution: {integrity: sha512-6+gjmFpfy0BHU5Tpptkuh8+uw3mnrvgs+dSPQXQOv3ekbordwnzTVEb4qnIvQcYXq6gzkyTnoZ9dZG+D4garKg==} + engines: {node: '>=12'} + cpu: [x64] + os: [sunos] + + '@esbuild/win32-arm64@0.21.5': + resolution: {integrity: sha512-Z0gOTd75VvXqyq7nsl93zwahcTROgqvuAcYDUr+vOv8uHhNSKROyU961kgtCD1e95IqPKSQKH7tBTslnS3tA8A==} + engines: {node: '>=12'} + cpu: [arm64] + os: [win32] + + '@esbuild/win32-ia32@0.21.5': + resolution: {integrity: sha512-SWXFF1CL2RVNMaVs+BBClwtfZSvDgtL//G/smwAc5oVK/UPu2Gu9tIaRgFmYFFKrmg3SyAjSrElf0TiJ1v8fYA==} + engines: {node: '>=12'} + cpu: [ia32] + os: [win32] + + '@esbuild/win32-x64@0.21.5': + resolution: {integrity: sha512-tQd/1efJuzPC6rCFwEvLtci/xNFcTZknmXs98FYDfGE4wP9ClFV98nyKrzJKVPMhdDnjzLhdUyMX4PsQAPjwIw==} + engines: {node: '>=12'} + cpu: [x64] + os: [win32] + + '@jridgewell/gen-mapping@0.3.12': + resolution: {integrity: sha512-OuLGC46TjB5BbN1dH8JULVVZY4WTdkF7tV9Ys6wLL1rubZnCMstOhNHueU5bLCrnRuDhKPDM4g6sw4Bel5Gzqg==} + + '@jridgewell/resolve-uri@3.1.2': + resolution: {integrity: sha512-bRISgCIjP20/tbWSPWMEi54QVPRZExkuD9lJL+UIxUKtwVJA8wW1Trb1jMs1RFXo1CBTNZ/5hpC9QvmKWdopKw==} + engines: {node: '>=6.0.0'} + + '@jridgewell/sourcemap-codec@1.5.4': + resolution: {integrity: sha512-VT2+G1VQs/9oz078bLrYbecdZKs912zQlkelYpuf+SXF+QvZDYJlbx/LSx+meSAwdDFnF8FVXW92AVjjkVmgFw==} + + '@jridgewell/trace-mapping@0.3.29': + resolution: {integrity: sha512-uw6guiW/gcAGPDhLmd77/6lW8QLeiV5RUTsAX46Db6oLhGaVj4lhnPwb184s1bkc8kdVg/+h988dro8GRDpmYQ==} + + '@monaco-editor/loader@1.5.0': + resolution: {integrity: sha512-hKoGSM+7aAc7eRTRjpqAZucPmoNOC4UUbknb/VNoTkEIkCPhqV8LfbsgM1webRM7S/z21eHEx9Fkwx8Z/C/+Xw==} + + '@monaco-editor/react@4.7.0': + resolution: {integrity: sha512-cyzXQCtO47ydzxpQtCGSQGOC8Gk3ZUeBXFAxD+CWXYFo5OqZyZUonFl0DwUlTyAfRHntBfw2p3w4s9R6oe1eCA==} + peerDependencies: + monaco-editor: '>= 0.25.0 < 1' + react: ^16.8.0 || ^17.0.0 || ^18.0.0 || ^19.0.0 + react-dom: ^16.8.0 || ^17.0.0 || ^18.0.0 || ^19.0.0 + + '@rolldown/pluginutils@1.0.0-beta.19': + resolution: {integrity: sha512-3FL3mnMbPu0muGOCaKAhhFEYmqv9eTfPSJRJmANrCwtgK8VuxpsZDGK+m0LYAGoyO8+0j5uRe4PeyPDK1yA/hA==} + + '@rollup/rollup-android-arm-eabi@4.44.2': + resolution: {integrity: sha512-g0dF8P1e2QYPOj1gu7s/3LVP6kze9A7m6x0BZ9iTdXK8N5c2V7cpBKHV3/9A4Zd8xxavdhK0t4PnqjkqVmUc9Q==} + cpu: [arm] + os: [android] + + '@rollup/rollup-android-arm64@4.44.2': + resolution: {integrity: sha512-Yt5MKrOosSbSaAK5Y4J+vSiID57sOvpBNBR6K7xAaQvk3MkcNVV0f9fE20T+41WYN8hDn6SGFlFrKudtx4EoxA==} + cpu: [arm64] + os: [android] + + '@rollup/rollup-darwin-arm64@4.44.2': + resolution: {integrity: sha512-EsnFot9ZieM35YNA26nhbLTJBHD0jTwWpPwmRVDzjylQT6gkar+zenfb8mHxWpRrbn+WytRRjE0WKsfaxBkVUA==} + cpu: [arm64] + os: [darwin] + + '@rollup/rollup-darwin-x64@4.44.2': + resolution: {integrity: sha512-dv/t1t1RkCvJdWWxQ2lWOO+b7cMsVw5YFaS04oHpZRWehI1h0fV1gF4wgGCTyQHHjJDfbNpwOi6PXEafRBBezw==} + cpu: [x64] + os: [darwin] + + '@rollup/rollup-freebsd-arm64@4.44.2': + resolution: {integrity: sha512-W4tt4BLorKND4qeHElxDoim0+BsprFTwb+vriVQnFFtT/P6v/xO5I99xvYnVzKWrK6j7Hb0yp3x7V5LUbaeOMg==} + cpu: [arm64] + os: [freebsd] + + '@rollup/rollup-freebsd-x64@4.44.2': + resolution: {integrity: sha512-tdT1PHopokkuBVyHjvYehnIe20fxibxFCEhQP/96MDSOcyjM/shlTkZZLOufV3qO6/FQOSiJTBebhVc12JyPTA==} + cpu: [x64] + os: [freebsd] + + '@rollup/rollup-linux-arm-gnueabihf@4.44.2': + resolution: {integrity: sha512-+xmiDGGaSfIIOXMzkhJ++Oa0Gwvl9oXUeIiwarsdRXSe27HUIvjbSIpPxvnNsRebsNdUo7uAiQVgBD1hVriwSQ==} + cpu: [arm] + os: [linux] + + '@rollup/rollup-linux-arm-musleabihf@4.44.2': + resolution: {integrity: sha512-bDHvhzOfORk3wt8yxIra8N4k/N0MnKInCW5OGZaeDYa/hMrdPaJzo7CSkjKZqX4JFUWjUGm88lI6QJLCM7lDrA==} + cpu: [arm] + os: [linux] + + '@rollup/rollup-linux-arm64-gnu@4.44.2': + resolution: {integrity: sha512-NMsDEsDiYghTbeZWEGnNi4F0hSbGnsuOG+VnNvxkKg0IGDvFh7UVpM/14mnMwxRxUf9AdAVJgHPvKXf6FpMB7A==} + cpu: [arm64] + os: [linux] + + '@rollup/rollup-linux-arm64-musl@4.44.2': + resolution: {integrity: sha512-lb5bxXnxXglVq+7imxykIp5xMq+idehfl+wOgiiix0191av84OqbjUED+PRC5OA8eFJYj5xAGcpAZ0pF2MnW+A==} + cpu: [arm64] + os: [linux] + + '@rollup/rollup-linux-loongarch64-gnu@4.44.2': + resolution: {integrity: sha512-Yl5Rdpf9pIc4GW1PmkUGHdMtbx0fBLE1//SxDmuf3X0dUC57+zMepow2LK0V21661cjXdTn8hO2tXDdAWAqE5g==} + cpu: [loong64] + os: [linux] + + '@rollup/rollup-linux-powerpc64le-gnu@4.44.2': + resolution: {integrity: sha512-03vUDH+w55s680YYryyr78jsO1RWU9ocRMaeV2vMniJJW/6HhoTBwyyiiTPVHNWLnhsnwcQ0oH3S9JSBEKuyqw==} + cpu: [ppc64] + os: [linux] + + '@rollup/rollup-linux-riscv64-gnu@4.44.2': + resolution: {integrity: sha512-iYtAqBg5eEMG4dEfVlkqo05xMOk6y/JXIToRca2bAWuqjrJYJlx/I7+Z+4hSrsWU8GdJDFPL4ktV3dy4yBSrzg==} + cpu: [riscv64] + os: [linux] + + '@rollup/rollup-linux-riscv64-musl@4.44.2': + resolution: {integrity: sha512-e6vEbgaaqz2yEHqtkPXa28fFuBGmUJ0N2dOJK8YUfijejInt9gfCSA7YDdJ4nYlv67JfP3+PSWFX4IVw/xRIPg==} + cpu: [riscv64] + os: [linux] + + '@rollup/rollup-linux-s390x-gnu@4.44.2': + resolution: {integrity: sha512-evFOtkmVdY3udE+0QKrV5wBx7bKI0iHz5yEVx5WqDJkxp9YQefy4Mpx3RajIVcM6o7jxTvVd/qpC1IXUhGc1Mw==} + cpu: [s390x] + os: [linux] + + '@rollup/rollup-linux-x64-gnu@4.44.2': + resolution: {integrity: sha512-/bXb0bEsWMyEkIsUL2Yt5nFB5naLAwyOWMEviQfQY1x3l5WsLKgvZf66TM7UTfED6erckUVUJQ/jJ1FSpm3pRQ==} + cpu: [x64] + os: [linux] + + '@rollup/rollup-linux-x64-musl@4.44.2': + resolution: {integrity: sha512-3D3OB1vSSBXmkGEZR27uiMRNiwN08/RVAcBKwhUYPaiZ8bcvdeEwWPvbnXvvXHY+A/7xluzcN+kaiOFNiOZwWg==} + cpu: [x64] + os: [linux] + + '@rollup/rollup-win32-arm64-msvc@4.44.2': + resolution: {integrity: sha512-VfU0fsMK+rwdK8mwODqYeM2hDrF2WiHaSmCBrS7gColkQft95/8tphyzv2EupVxn3iE0FI78wzffoULH1G+dkw==} + cpu: [arm64] + os: [win32] + + '@rollup/rollup-win32-ia32-msvc@4.44.2': + resolution: {integrity: sha512-+qMUrkbUurpE6DVRjiJCNGZBGo9xM4Y0FXU5cjgudWqIBWbcLkjE3XprJUsOFgC6xjBClwVa9k6O3A7K3vxb5Q==} + cpu: [ia32] + os: [win32] + + '@rollup/rollup-win32-x64-msvc@4.44.2': + resolution: {integrity: sha512-3+QZROYfJ25PDcxFF66UEk8jGWigHJeecZILvkPkyQN7oc5BvFo4YEXFkOs154j3FTMp9mn9Ky8RCOwastduEA==} + cpu: [x64] + os: [win32] + + '@types/babel__core@7.20.5': + resolution: {integrity: sha512-qoQprZvz5wQFJwMDqeseRXWv3rqMvhgpbXFfVyWhbx9X47POIA6i/+dXefEmZKoAgOaTdaIgNSMqMIU61yRyzA==} + + '@types/babel__generator@7.27.0': + resolution: {integrity: sha512-ufFd2Xi92OAVPYsy+P4n7/U7e68fex0+Ee8gSG9KX7eo084CWiQ4sdxktvdl0bOPupXtVJPY19zk6EwWqUQ8lg==} + + '@types/babel__template@7.4.4': + resolution: {integrity: sha512-h/NUaSyG5EyxBIp8YRxo4RMe2/qQgvyowRwVMzhYhBCONbW8PUsg4lkFMrhgZhUe5z3L3MiLDuvyJ/CaPa2A8A==} + + '@types/babel__traverse@7.20.7': + resolution: {integrity: sha512-dkO5fhS7+/oos4ciWxyEyjWe48zmG6wbCheo/G2ZnHx4fs3EU6YC6UM8rk56gAjNJ9P3MTH2jo5jb92/K6wbng==} + + '@types/estree@1.0.8': + resolution: {integrity: sha512-dWHzHa2WqEXI/O1E9OjrocMTKJl2mSrEolh1Iomrv6U+JuNwaHXsXx9bLu5gG7BUWFIN0skIQJQ/L1rIex4X6w==} + + '@vitejs/plugin-react@4.6.0': + resolution: {integrity: sha512-5Kgff+m8e2PB+9j51eGHEpn5kUzRKH2Ry0qGoe8ItJg7pqnkPrYPkDQZGgGmTa0EGarHrkjLvOdU3b1fzI8otQ==} + engines: {node: ^14.18.0 || >=16.0.0} + peerDependencies: + vite: ^4.2.0 || ^5.0.0 || ^6.0.0 || ^7.0.0-beta.0 + + browserslist@4.25.1: + resolution: {integrity: sha512-KGj0KoOMXLpSNkkEI6Z6mShmQy0bc1I+T7K9N81k4WWMrfz+6fQ6es80B/YLAeRoKvjYE1YSHHOW1qe9xIVzHw==} + engines: {node: ^6 || ^7 || ^8 || ^9 || ^10 || ^11 || ^12 || >=13.7} + hasBin: true + + caniuse-lite@1.0.30001727: + resolution: {integrity: sha512-pB68nIHmbN6L/4C6MH1DokyR3bYqFwjaSs/sWDHGj4CTcFtQUQMuJftVwWkXq7mNWOybD3KhUv3oWHoGxgP14Q==} + + convert-source-map@2.0.0: + resolution: {integrity: sha512-Kvp459HrV2FEJ1CAsi1Ku+MY3kasH19TFykTz2xWmMeq6bk2NU3XXvfJ+Q61m0xktWwt+1HSYf3JZsTms3aRJg==} + + debug@4.4.1: + resolution: {integrity: sha512-KcKCqiftBJcZr++7ykoDIEwSa3XWowTfNPo92BYxjXiyYEVrUQh2aLyhxBCwww+heortUFxEJYcRzosstTEBYQ==} + engines: {node: '>=6.0'} + peerDependencies: + supports-color: '*' + peerDependenciesMeta: + supports-color: + optional: true + + electron-to-chromium@1.5.182: + resolution: {integrity: sha512-Lv65Btwv9W4J9pyODI6EWpdnhfvrve/us5h1WspW8B2Fb0366REPtY3hX7ounk1CkV/TBjWCEvCBBbYbmV0qCA==} + + esbuild@0.21.5: + resolution: {integrity: sha512-mg3OPMV4hXywwpoDxu3Qda5xCKQi+vCTZq8S9J/EpkhB2HzKXq4SNFZE3+NK93JYxc8VMSep+lOUSC/RVKaBqw==} + engines: {node: '>=12'} + hasBin: true + + escalade@3.2.0: + resolution: {integrity: sha512-WUj2qlxaQtO4g6Pq5c29GTcWGDyd8itL8zTlipgECz3JesAiiOKotd8JU6otB3PACgG6xkJUyVhboMS+bje/jA==} + engines: {node: '>=6'} + + fsevents@2.3.3: + resolution: {integrity: sha512-5xoDfX+fL7faATnagmWPpbFtwh/R77WmMMqqHGS65C3vvB0YHrgF+B1YmZ3441tMj5n63k0212XNoJwzlhffQw==} + engines: {node: ^8.16.0 || ^10.6.0 || >=11.0.0} + os: [darwin] + + gensync@1.0.0-beta.2: + resolution: {integrity: sha512-3hN7NaskYvMDLQY55gnW3NQ+mesEAepTqlg+VEbj7zzqEMBVNhzcGYYeqFo/TlYz6eQiFcp1HcsCZO+nGgS8zg==} + engines: {node: '>=6.9.0'} + + js-tokens@4.0.0: + resolution: {integrity: sha512-RdJUflcE3cUzKiMqQgsCu06FPu9UdIJO0beYbPhHN4k6apgJtifcoCtT9bcxOpYBtpD2kCM6Sbzg4CausW/PKQ==} + + jsesc@3.1.0: + resolution: {integrity: sha512-/sM3dO2FOzXjKQhJuo0Q173wf2KOo8t4I8vHy6lF9poUp7bKT0/NHE8fPX23PwfhnykfqnC2xRxOnVw5XuGIaA==} + engines: {node: '>=6'} + hasBin: true + + json5@2.2.3: + resolution: {integrity: sha512-XmOWe7eyHYH14cLdVPoyg+GOH3rYX++KpzrylJwSW98t3Nk+U8XOl8FWKOgwtzdb8lXGf6zYwDUzeHMWfxasyg==} + engines: {node: '>=6'} + hasBin: true + + loose-envify@1.4.0: + resolution: {integrity: sha512-lyuxPGr/Wfhrlem2CL/UcnUc1zcqKAImBDzukY7Y5F/yQiNdko6+fRLevlw1HgMySw7f611UIY408EtxRSoK3Q==} + hasBin: true + + lru-cache@5.1.1: + resolution: {integrity: sha512-KpNARQA3Iwv+jTA0utUVVbrh+Jlrr1Fv0e56GGzAFOXN7dk/FviaDW8LHmK52DlcH4WP2n6gI8vN1aesBFgo9w==} + + monaco-editor@0.52.2: + resolution: {integrity: sha512-GEQWEZmfkOGLdd3XK8ryrfWz3AIP8YymVXiPHEdewrUq7mh0qrKrfHLNCXcbB6sTnMLnOZ3ztSiKcciFUkIJwQ==} + + ms@2.1.3: + resolution: {integrity: sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==} + + nanoid@3.3.11: + resolution: {integrity: sha512-N8SpfPUnUp1bK+PMYW8qSWdl9U+wwNWI4QKxOYDy9JAro3WMX7p2OeVRF9v+347pnakNevPmiHhNmZ2HbFA76w==} + engines: {node: ^10 || ^12 || ^13.7 || ^14 || >=15.0.1} + hasBin: true + + node-releases@2.0.19: + resolution: {integrity: sha512-xxOWJsBKtzAq7DY0J+DTzuz58K8e7sJbdgwkbMWQe8UYB6ekmsQ45q0M/tJDsGaZmbC+l7n57UV8Hl5tHxO9uw==} + + picocolors@1.1.1: + resolution: {integrity: sha512-xceH2snhtb5M9liqDsmEw56le376mTZkEX/jEb/RxNFyegNul7eNslCXP9FDj/Lcu0X8KEyMceP2ntpaHrDEVA==} + + postcss@8.5.6: + resolution: {integrity: sha512-3Ybi1tAuwAP9s0r1UQ2J4n5Y0G05bJkpUIO0/bI9MhwmD70S5aTWbXGBwxHrelT+XM1k6dM0pk+SwNkpTRN7Pg==} + engines: {node: ^10 || ^12 || >=14} + + react-dom@18.3.1: + resolution: {integrity: sha512-5m4nQKp+rZRb09LNH59GM4BxTh9251/ylbKIbpe7TpGxfJ+9kv6BLkLBXIjjspbgbnIBNqlI23tRnTWT0snUIw==} + peerDependencies: + react: ^18.3.1 + + react-refresh@0.17.0: + resolution: {integrity: sha512-z6F7K9bV85EfseRCp2bzrpyQ0Gkw1uLoCel9XBVWPg/TjRj94SkJzUTGfOa4bs7iJvBWtQG0Wq7wnI0syw3EBQ==} + engines: {node: '>=0.10.0'} + + react@18.3.1: + resolution: {integrity: sha512-wS+hAgJShR0KhEvPJArfuPVN1+Hz1t0Y6n5jLrGQbkb4urgPE/0Rve+1kMB1v/oWgHgm4WIcV+i7F2pTVj+2iQ==} + engines: {node: '>=0.10.0'} + + rollup@4.44.2: + resolution: {integrity: sha512-PVoapzTwSEcelaWGth3uR66u7ZRo6qhPHc0f2uRO9fX6XDVNrIiGYS0Pj9+R8yIIYSD/mCx2b16Ws9itljKSPg==} + engines: {node: '>=18.0.0', npm: '>=8.0.0'} + hasBin: true + + scheduler@0.23.2: + resolution: {integrity: sha512-UOShsPwz7NrMUqhR6t0hWjFduvOzbtv7toDH1/hIrfRNIDBnnBWd0CwJTGvTpngVlmwGCdP9/Zl/tVrDqcuYzQ==} + + semver@6.3.1: + resolution: {integrity: sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==} + hasBin: true + + source-map-js@1.2.1: + resolution: {integrity: sha512-UXWMKhLOwVKb728IUtQPXxfYU+usdybtUrK/8uGE8CQMvrhOpwvzDBwj0QhSL7MQc7vIsISBG8VQ8+IDQxpfQA==} + engines: {node: '>=0.10.0'} + + state-local@1.0.7: + resolution: {integrity: sha512-HTEHMNieakEnoe33shBYcZ7NX83ACUjCu8c40iOGEZsngj9zRnkqS9j1pqQPXwobB0ZcVTk27REb7COQ0UR59w==} + + update-browserslist-db@1.1.3: + resolution: {integrity: sha512-UxhIZQ+QInVdunkDAaiazvvT/+fXL5Osr0JZlJulepYu6Jd7qJtDZjlur0emRlT71EN3ScPoE7gvsuIKKNavKw==} + hasBin: true + peerDependencies: + browserslist: '>= 4.21.0' + + vite@5.4.19: + resolution: {integrity: sha512-qO3aKv3HoQC8QKiNSTuUM1l9o/XX3+c+VTgLHbJWHZGeTPVAg2XwazI9UWzoxjIJCGCV2zU60uqMzjeLZuULqA==} + engines: {node: ^18.0.0 || >=20.0.0} + hasBin: true + peerDependencies: + '@types/node': ^18.0.0 || >=20.0.0 + less: '*' + lightningcss: ^1.21.0 + sass: '*' + sass-embedded: '*' + stylus: '*' + sugarss: '*' + terser: ^5.4.0 + peerDependenciesMeta: + '@types/node': + optional: true + less: + optional: true + lightningcss: + optional: true + sass: + optional: true + sass-embedded: + optional: true + stylus: + optional: true + sugarss: + optional: true + terser: + optional: true + + yallist@3.1.1: + resolution: {integrity: sha512-a4UGQaWPH59mOXUYnAG2ewncQS4i4F43Tv3JoAM+s2VDAmS9NsK8GpDMLrCHPksFT7h3K6TOoUNn2pb7RoXx4g==} + +snapshots: + + '@ampproject/remapping@2.3.0': + dependencies: + '@jridgewell/gen-mapping': 0.3.12 + '@jridgewell/trace-mapping': 0.3.29 + + '@babel/code-frame@7.27.1': + dependencies: + '@babel/helper-validator-identifier': 7.27.1 + js-tokens: 4.0.0 + picocolors: 1.1.1 + + '@babel/compat-data@7.28.0': {} + + '@babel/core@7.28.0': + dependencies: + '@ampproject/remapping': 2.3.0 + '@babel/code-frame': 7.27.1 + '@babel/generator': 7.28.0 + '@babel/helper-compilation-targets': 7.27.2 + '@babel/helper-module-transforms': 7.27.3(@babel/core@7.28.0) + '@babel/helpers': 7.27.6 + '@babel/parser': 7.28.0 + '@babel/template': 7.27.2 + '@babel/traverse': 7.28.0 + '@babel/types': 7.28.0 + convert-source-map: 2.0.0 + debug: 4.4.1 + gensync: 1.0.0-beta.2 + json5: 2.2.3 + semver: 6.3.1 + transitivePeerDependencies: + - supports-color + + '@babel/generator@7.28.0': + dependencies: + '@babel/parser': 7.28.0 + '@babel/types': 7.28.0 + '@jridgewell/gen-mapping': 0.3.12 + '@jridgewell/trace-mapping': 0.3.29 + jsesc: 3.1.0 + + '@babel/helper-compilation-targets@7.27.2': + dependencies: + '@babel/compat-data': 7.28.0 + '@babel/helper-validator-option': 7.27.1 + browserslist: 4.25.1 + lru-cache: 5.1.1 + semver: 6.3.1 + + '@babel/helper-globals@7.28.0': {} + + '@babel/helper-module-imports@7.27.1': + dependencies: + '@babel/traverse': 7.28.0 + '@babel/types': 7.28.0 + transitivePeerDependencies: + - supports-color + + '@babel/helper-module-transforms@7.27.3(@babel/core@7.28.0)': + dependencies: + '@babel/core': 7.28.0 + '@babel/helper-module-imports': 7.27.1 + '@babel/helper-validator-identifier': 7.27.1 + '@babel/traverse': 7.28.0 + transitivePeerDependencies: + - supports-color + + '@babel/helper-plugin-utils@7.27.1': {} + + '@babel/helper-string-parser@7.27.1': {} + + '@babel/helper-validator-identifier@7.27.1': {} + + '@babel/helper-validator-option@7.27.1': {} + + '@babel/helpers@7.27.6': + dependencies: + '@babel/template': 7.27.2 + '@babel/types': 7.28.0 + + '@babel/parser@7.28.0': + dependencies: + '@babel/types': 7.28.0 + + '@babel/plugin-transform-react-jsx-self@7.27.1(@babel/core@7.28.0)': + dependencies: + '@babel/core': 7.28.0 + '@babel/helper-plugin-utils': 7.27.1 + + '@babel/plugin-transform-react-jsx-source@7.27.1(@babel/core@7.28.0)': + dependencies: + '@babel/core': 7.28.0 + '@babel/helper-plugin-utils': 7.27.1 + + '@babel/template@7.27.2': + dependencies: + '@babel/code-frame': 7.27.1 + '@babel/parser': 7.28.0 + '@babel/types': 7.28.0 + + '@babel/traverse@7.28.0': + dependencies: + '@babel/code-frame': 7.27.1 + '@babel/generator': 7.28.0 + '@babel/helper-globals': 7.28.0 + '@babel/parser': 7.28.0 + '@babel/template': 7.27.2 + '@babel/types': 7.28.0 + debug: 4.4.1 + transitivePeerDependencies: + - supports-color + + '@babel/types@7.28.0': + dependencies: + '@babel/helper-string-parser': 7.27.1 + '@babel/helper-validator-identifier': 7.27.1 + + '@esbuild/aix-ppc64@0.21.5': + optional: true + + '@esbuild/android-arm64@0.21.5': + optional: true + + '@esbuild/android-arm@0.21.5': + optional: true + + '@esbuild/android-x64@0.21.5': + optional: true + + '@esbuild/darwin-arm64@0.21.5': + optional: true + + '@esbuild/darwin-x64@0.21.5': + optional: true + + '@esbuild/freebsd-arm64@0.21.5': + optional: true + + '@esbuild/freebsd-x64@0.21.5': + optional: true + + '@esbuild/linux-arm64@0.21.5': + optional: true + + '@esbuild/linux-arm@0.21.5': + optional: true + + '@esbuild/linux-ia32@0.21.5': + optional: true + + '@esbuild/linux-loong64@0.21.5': + optional: true + + '@esbuild/linux-mips64el@0.21.5': + optional: true + + '@esbuild/linux-ppc64@0.21.5': + optional: true + + '@esbuild/linux-riscv64@0.21.5': + optional: true + + '@esbuild/linux-s390x@0.21.5': + optional: true + + '@esbuild/linux-x64@0.21.5': + optional: true + + '@esbuild/netbsd-x64@0.21.5': + optional: true + + '@esbuild/openbsd-x64@0.21.5': + optional: true + + '@esbuild/sunos-x64@0.21.5': + optional: true + + '@esbuild/win32-arm64@0.21.5': + optional: true + + '@esbuild/win32-ia32@0.21.5': + optional: true + + '@esbuild/win32-x64@0.21.5': + optional: true + + '@jridgewell/gen-mapping@0.3.12': + dependencies: + '@jridgewell/sourcemap-codec': 1.5.4 + '@jridgewell/trace-mapping': 0.3.29 + + '@jridgewell/resolve-uri@3.1.2': {} + + '@jridgewell/sourcemap-codec@1.5.4': {} + + '@jridgewell/trace-mapping@0.3.29': + dependencies: + '@jridgewell/resolve-uri': 3.1.2 + '@jridgewell/sourcemap-codec': 1.5.4 + + '@monaco-editor/loader@1.5.0': + dependencies: + state-local: 1.0.7 + + '@monaco-editor/react@4.7.0(monaco-editor@0.52.2)(react-dom@18.3.1(react@18.3.1))(react@18.3.1)': + dependencies: + '@monaco-editor/loader': 1.5.0 + monaco-editor: 0.52.2 + react: 18.3.1 + react-dom: 18.3.1(react@18.3.1) + + '@rolldown/pluginutils@1.0.0-beta.19': {} + + '@rollup/rollup-android-arm-eabi@4.44.2': + optional: true + + '@rollup/rollup-android-arm64@4.44.2': + optional: true + + '@rollup/rollup-darwin-arm64@4.44.2': + optional: true + + '@rollup/rollup-darwin-x64@4.44.2': + optional: true + + '@rollup/rollup-freebsd-arm64@4.44.2': + optional: true + + '@rollup/rollup-freebsd-x64@4.44.2': + optional: true + + '@rollup/rollup-linux-arm-gnueabihf@4.44.2': + optional: true + + '@rollup/rollup-linux-arm-musleabihf@4.44.2': + optional: true + + '@rollup/rollup-linux-arm64-gnu@4.44.2': + optional: true + + '@rollup/rollup-linux-arm64-musl@4.44.2': + optional: true + + '@rollup/rollup-linux-loongarch64-gnu@4.44.2': + optional: true + + '@rollup/rollup-linux-powerpc64le-gnu@4.44.2': + optional: true + + '@rollup/rollup-linux-riscv64-gnu@4.44.2': + optional: true + + '@rollup/rollup-linux-riscv64-musl@4.44.2': + optional: true + + '@rollup/rollup-linux-s390x-gnu@4.44.2': + optional: true + + '@rollup/rollup-linux-x64-gnu@4.44.2': + optional: true + + '@rollup/rollup-linux-x64-musl@4.44.2': + optional: true + + '@rollup/rollup-win32-arm64-msvc@4.44.2': + optional: true + + '@rollup/rollup-win32-ia32-msvc@4.44.2': + optional: true + + '@rollup/rollup-win32-x64-msvc@4.44.2': + optional: true + + '@types/babel__core@7.20.5': + dependencies: + '@babel/parser': 7.28.0 + '@babel/types': 7.28.0 + '@types/babel__generator': 7.27.0 + '@types/babel__template': 7.4.4 + '@types/babel__traverse': 7.20.7 + + '@types/babel__generator@7.27.0': + dependencies: + '@babel/types': 7.28.0 + + '@types/babel__template@7.4.4': + dependencies: + '@babel/parser': 7.28.0 + '@babel/types': 7.28.0 + + '@types/babel__traverse@7.20.7': + dependencies: + '@babel/types': 7.28.0 + + '@types/estree@1.0.8': {} + + '@vitejs/plugin-react@4.6.0(vite@5.4.19)': + dependencies: + '@babel/core': 7.28.0 + '@babel/plugin-transform-react-jsx-self': 7.27.1(@babel/core@7.28.0) + '@babel/plugin-transform-react-jsx-source': 7.27.1(@babel/core@7.28.0) + '@rolldown/pluginutils': 1.0.0-beta.19 + '@types/babel__core': 7.20.5 + react-refresh: 0.17.0 + vite: 5.4.19 + transitivePeerDependencies: + - supports-color + + browserslist@4.25.1: + dependencies: + caniuse-lite: 1.0.30001727 + electron-to-chromium: 1.5.182 + node-releases: 2.0.19 + update-browserslist-db: 1.1.3(browserslist@4.25.1) + + caniuse-lite@1.0.30001727: {} + + convert-source-map@2.0.0: {} + + debug@4.4.1: + dependencies: + ms: 2.1.3 + + electron-to-chromium@1.5.182: {} + + esbuild@0.21.5: + optionalDependencies: + '@esbuild/aix-ppc64': 0.21.5 + '@esbuild/android-arm': 0.21.5 + '@esbuild/android-arm64': 0.21.5 + '@esbuild/android-x64': 0.21.5 + '@esbuild/darwin-arm64': 0.21.5 + '@esbuild/darwin-x64': 0.21.5 + '@esbuild/freebsd-arm64': 0.21.5 + '@esbuild/freebsd-x64': 0.21.5 + '@esbuild/linux-arm': 0.21.5 + '@esbuild/linux-arm64': 0.21.5 + '@esbuild/linux-ia32': 0.21.5 + '@esbuild/linux-loong64': 0.21.5 + '@esbuild/linux-mips64el': 0.21.5 + '@esbuild/linux-ppc64': 0.21.5 + '@esbuild/linux-riscv64': 0.21.5 + '@esbuild/linux-s390x': 0.21.5 + '@esbuild/linux-x64': 0.21.5 + '@esbuild/netbsd-x64': 0.21.5 + '@esbuild/openbsd-x64': 0.21.5 + '@esbuild/sunos-x64': 0.21.5 + '@esbuild/win32-arm64': 0.21.5 + '@esbuild/win32-ia32': 0.21.5 + '@esbuild/win32-x64': 0.21.5 + + escalade@3.2.0: {} + + fsevents@2.3.3: + optional: true + + gensync@1.0.0-beta.2: {} + + js-tokens@4.0.0: {} + + jsesc@3.1.0: {} + + json5@2.2.3: {} + + loose-envify@1.4.0: + dependencies: + js-tokens: 4.0.0 + + lru-cache@5.1.1: + dependencies: + yallist: 3.1.1 + + monaco-editor@0.52.2: {} + + ms@2.1.3: {} + + nanoid@3.3.11: {} + + node-releases@2.0.19: {} + + picocolors@1.1.1: {} + + postcss@8.5.6: + dependencies: + nanoid: 3.3.11 + picocolors: 1.1.1 + source-map-js: 1.2.1 + + react-dom@18.3.1(react@18.3.1): + dependencies: + loose-envify: 1.4.0 + react: 18.3.1 + scheduler: 0.23.2 + + react-refresh@0.17.0: {} + + react@18.3.1: + dependencies: + loose-envify: 1.4.0 + + rollup@4.44.2: + dependencies: + '@types/estree': 1.0.8 + optionalDependencies: + '@rollup/rollup-android-arm-eabi': 4.44.2 + '@rollup/rollup-android-arm64': 4.44.2 + '@rollup/rollup-darwin-arm64': 4.44.2 + '@rollup/rollup-darwin-x64': 4.44.2 + '@rollup/rollup-freebsd-arm64': 4.44.2 + '@rollup/rollup-freebsd-x64': 4.44.2 + '@rollup/rollup-linux-arm-gnueabihf': 4.44.2 + '@rollup/rollup-linux-arm-musleabihf': 4.44.2 + '@rollup/rollup-linux-arm64-gnu': 4.44.2 + '@rollup/rollup-linux-arm64-musl': 4.44.2 + '@rollup/rollup-linux-loongarch64-gnu': 4.44.2 + '@rollup/rollup-linux-powerpc64le-gnu': 4.44.2 + '@rollup/rollup-linux-riscv64-gnu': 4.44.2 + '@rollup/rollup-linux-riscv64-musl': 4.44.2 + '@rollup/rollup-linux-s390x-gnu': 4.44.2 + '@rollup/rollup-linux-x64-gnu': 4.44.2 + '@rollup/rollup-linux-x64-musl': 4.44.2 + '@rollup/rollup-win32-arm64-msvc': 4.44.2 + '@rollup/rollup-win32-ia32-msvc': 4.44.2 + '@rollup/rollup-win32-x64-msvc': 4.44.2 + fsevents: 2.3.3 + + scheduler@0.23.2: + dependencies: + loose-envify: 1.4.0 + + semver@6.3.1: {} + + source-map-js@1.2.1: {} + + state-local@1.0.7: {} + + update-browserslist-db@1.1.3(browserslist@4.25.1): + dependencies: + browserslist: 4.25.1 + escalade: 3.2.0 + picocolors: 1.1.1 + + vite@5.4.19: + dependencies: + esbuild: 0.21.5 + postcss: 8.5.6 + rollup: 4.44.2 + optionalDependencies: + fsevents: 2.3.3 + + yallist@3.1.1: {} diff --git a/screencoder/demo/public/assets/debug/bboxes.json b/screencoder/demo/public/assets/debug/bboxes.json new file mode 100644 index 0000000000000000000000000000000000000000..958cb8f6e3726568ffe415c3ae37f8037943ec1c --- /dev/null +++ b/screencoder/demo/public/assets/debug/bboxes.json @@ -0,0 +1,86 @@ +[ + { + "id": "ph0", + "x": 127, + "y": 200, + "w": 1061, + "h": 505 + }, + { + "id": "ph1", + "x": 148, + "y": 726, + "w": 63, + "h": 63 + }, + { + "id": "ph2", + "x": 1231, + "y": 200, + "w": 1061, + "h": 505 + }, + { + "id": "ph3", + "x": 1252, + "y": 726, + "w": 63, + "h": 63 + }, + { + "id": "ph4", + "x": 2335, + "y": 200, + "w": 1033, + "h": 505 + }, + { + "id": "ph5", + "x": 2356, + "y": 726, + "w": 63, + "h": 63 + }, + { + "id": "ph6", + "x": 127, + "y": 937, + "w": 1061, + "h": 505 + }, + { + "id": "ph7", + "x": 148, + "y": 1463, + "w": 63, + "h": 63 + }, + { + "id": "ph8", + "x": 1231, + "y": 937, + "w": 1061, + "h": 505 + }, + { + "id": "ph9", + "x": 1252, + "y": 1463, + "w": 63, + "h": 63 + }, + { + "id": "ph10", + "x": 2335, + "y": 937, + "w": 1033, + "h": 505 + }, + { + "id": "ph11", + "x": 2356, + "y": 1463, + "w": 63, + "h": 63 + } +] \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/bboxes_test.json b/screencoder/demo/public/assets/debug/bboxes_test.json new file mode 100644 index 0000000000000000000000000000000000000000..958cb8f6e3726568ffe415c3ae37f8037943ec1c --- /dev/null +++ b/screencoder/demo/public/assets/debug/bboxes_test.json @@ -0,0 +1,86 @@ +[ + { + "id": "ph0", + "x": 127, + "y": 200, + "w": 1061, + "h": 505 + }, + { + "id": "ph1", + "x": 148, + "y": 726, + "w": 63, + "h": 63 + }, + { + "id": "ph2", + "x": 1231, + "y": 200, + "w": 1061, + "h": 505 + }, + { + "id": "ph3", + "x": 1252, + "y": 726, + "w": 63, + "h": 63 + }, + { + "id": "ph4", + "x": 2335, + "y": 200, + "w": 1033, + "h": 505 + }, + { + "id": "ph5", + "x": 2356, + "y": 726, + "w": 63, + "h": 63 + }, + { + "id": "ph6", + "x": 127, + "y": 937, + "w": 1061, + "h": 505 + }, + { + "id": "ph7", + "x": 148, + "y": 1463, + "w": 63, + "h": 63 + }, + { + "id": "ph8", + "x": 1231, + "y": 937, + "w": 1061, + "h": 505 + }, + { + "id": "ph9", + "x": 1252, + "y": 1463, + "w": 63, + "h": 63 + }, + { + "id": "ph10", + "x": 2335, + "y": 937, + "w": 1033, + "h": 505 + }, + { + "id": "ph11", + "x": 2356, + "y": 1463, + "w": 63, + "h": 63 + } +] \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/bboxes_test_demo1.json b/screencoder/demo/public/assets/debug/bboxes_test_demo1.json new file mode 100644 index 0000000000000000000000000000000000000000..81c95561a81e1cef396cc80979ffd4ea422485da --- /dev/null +++ b/screencoder/demo/public/assets/debug/bboxes_test_demo1.json @@ -0,0 +1,130 @@ +{ + "regions": [ + { + "id": "1", + "x": 0.004750593824228029, + "y": 0.0, + "w": 0.02642517814726841, + "h": 0.9970760233918129 + }, + { + "id": "2", + "x": 0.027612826603325414, + "y": 0.0, + "w": 0.9706057007125891, + "h": 0.0608187134502924 + }, + { + "id": "3", + "x": 0.03770783847980998, + "y": 0.05321637426900585, + "w": 0.9706057007125891, + "h": 0.05146198830409357 + }, + { + "id": "4", + "x": 0.03770783847980998, + "y": 0.10526315789473684, + "w": 0.9706057007125891, + "h": 0.8912280701754386 + } + ], + "placeholders": [ + { + "id": "ph0", + "x": 0.03770783847980998, + "y": 0.10526315789473684, + "w": 0.31502375296912116, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph1", + "x": 0.043942992874109264, + "y": 0.3830409356725146, + "w": 0.018705463182897862, + "h": 0.03333333333333333, + "region_id": "4" + }, + { + "id": "ph2", + "x": 0.36549881235154397, + "y": 0.10526315789473684, + "w": 0.31502375296912116, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph3", + "x": 0.37173396674584325, + "y": 0.3830409356725146, + "w": 0.018705463182897862, + "h": 0.03333333333333333, + "region_id": "4" + }, + { + "id": "ph4", + "x": 0.6932897862232779, + "y": 0.10526315789473684, + "w": 0.31502375296912116, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph5", + "x": 0.6995249406175772, + "y": 0.3830409356725146, + "w": 0.018705463182897862, + "h": 0.03333333333333333, + "region_id": "4" + }, + { + "id": "ph6", + "x": 0.03770783847980998, + "y": 0.49415204678362573, + "w": 0.31502375296912116, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph7", + "x": 0.043942992874109264, + "y": 0.7719298245614035, + "w": 0.018705463182897862, + "h": 0.03333333333333333, + "region_id": "4" + }, + { + "id": "ph8", + "x": 0.36549881235154397, + "y": 0.49415204678362573, + "w": 0.31502375296912116, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph9", + "x": 0.37173396674584325, + "y": 0.7719298245614035, + "w": 0.018705463182897862, + "h": 0.03333333333333333, + "region_id": "4" + }, + { + "id": "ph10", + "x": 0.6932897862232779, + "y": 0.49415204678362573, + "w": 0.31502375296912116, + "h": 0.26666666666666666, + "region_id": "4" + }, + { + "id": "ph11", + "x": 0.6995249406175772, + "y": 0.7719298245614035, + "w": 0.018705463182897862, + "h": 0.03333333333333333, + "region_id": "4" + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/bboxes_test_demo2.json b/screencoder/demo/public/assets/debug/bboxes_test_demo2.json new file mode 100644 index 0000000000000000000000000000000000000000..d747e305f1830993672c0400b51946e737e6747c --- /dev/null +++ b/screencoder/demo/public/assets/debug/bboxes_test_demo2.json @@ -0,0 +1,122 @@ +{ + "regions": [ + { + "id": "1", + "x": 0.004555010511562719, + "y": 0.0011806375442739079, + "w": 0.14856341976173792, + "h": 0.9893742621015348 + }, + { + "id": "2", + "x": 0.24456902592852137, + "y": 0.0011806375442739079, + "w": 0.8405746320953048, + "h": 0.29988193624557263 + }, + { + "id": "3", + "x": 0.24456902592852137, + "y": 0.30165289256198347, + "w": 0.8405746320953048, + "h": 0.15348288075560804 + }, + { + "id": "4", + "x": 0.24456902592852137, + "y": 0.4557260920897285, + "w": 0.8405746320953048, + "h": 0.5348288075560803 + } + ], + "placeholders": [ + { + "id": "ph0", + "x": 0.2697967764540995, + "y": 0.09563164108618655, + "w": 0.11247372109320253, + "h": 0.19952774498229045, + "region_id": "2" + }, + { + "id": "ph1", + "x": 0.25718290119131043, + "y": 0.3270365997638725, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph2", + "x": 0.38297126839523477, + "y": 0.31286894923258557, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph3", + "x": 0.508759635599159, + "y": 0.3270365997638725, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph4", + "x": 0.6338472319551507, + "y": 0.3270365997638725, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph5", + "x": 0.7585844428871759, + "y": 0.3270365997638725, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph6", + "x": 0.8836720392431675, + "y": 0.3270365997638725, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph7", + "x": 1.0098107918710582, + "y": 0.31286894923258557, + "w": 0.06236860546601261, + "h": 0.11097992916174734, + "region_id": "3" + }, + { + "id": "ph8", + "x": 0.24456902592852137, + "y": 0.5377804014167651, + "w": 0.27610371408549406, + "h": 0.5330578512396694, + "region_id": "4" + }, + { + "id": "ph9", + "x": 0.52697967764541, + "y": 0.5377804014167651, + "w": 0.27610371408549406, + "h": 0.5330578512396694, + "region_id": "4" + }, + { + "id": "ph10", + "x": 0.8093903293622985, + "y": 0.5377804014167651, + "w": 0.27610371408549406, + "h": 0.5330578512396694, + "region_id": "4" + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/bboxes_test_demo4.json b/screencoder/demo/public/assets/debug/bboxes_test_demo4.json new file mode 100644 index 0000000000000000000000000000000000000000..c96fd4358000e7bd21dab8774fb9789d0d8f583e --- /dev/null +++ b/screencoder/demo/public/assets/debug/bboxes_test_demo4.json @@ -0,0 +1,91 @@ +{ + "regions": [ + { + "id": "1", + "x": 0.012174643157010915, + "y": 0.007801418439716312, + "w": 0.9718723761544921, + "h": 0.07730496453900709 + }, + { + "id": "2", + "x": 0.012174643157010915, + "y": 0.12624113475177304, + "w": 0.6599496221662469, + "h": 0.8631205673758865 + }, + { + "id": "3", + "x": 0.6863979848866498, + "y": 0.12624113475177304, + "w": 0.2976490344248531, + "h": 0.8631205673758865 + } + ], + "placeholders": [ + { + "id": "ph0", + "x": 0.031066330814441646, + "y": 0.25957446808510637, + "w": 0.09991603694374475, + "h": 0.1773049645390071, + "region_id": "2" + }, + { + "id": "ph1", + "x": 0.031066330814441646, + "y": 0.626241134751773, + "w": 0.02476910159529807, + "h": 0.04397163120567376, + "region_id": "2" + }, + { + "id": "ph2", + "x": 0.06255247691015953, + "y": 0.626241134751773, + "w": 0.02476910159529807, + "h": 0.04397163120567376, + "region_id": "2" + }, + { + "id": "ph3", + "x": 0.09361880772460117, + "y": 0.626241134751773, + "w": 0.02476910159529807, + "h": 0.04397163120567376, + "region_id": "2" + }, + { + "id": "ph4", + "x": 0.031066330814441646, + "y": 0.7851063829787234, + "w": 0.018471872376154493, + "h": 0.03333333333333333, + "region_id": "2" + }, + { + "id": "ph5", + "x": 0.031066330814441646, + "y": 0.8290780141843972, + "w": 0.018471872376154493, + "h": 0.03333333333333333, + "region_id": "2" + }, + { + "id": "ph6", + "x": 0.031066330814441646, + "y": 0.8765957446808511, + "w": 0.015533165407220823, + "h": 0.027659574468085105, + "region_id": "2" + }, + { + "id": "ph7", + "x": 0.1570109151973132, + "y": 0.8794326241134752, + "w": 0.012174643157010915, + "h": 0.02198581560283688, + "region_id": "2" + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/bboxes_test_ins.json b/screencoder/demo/public/assets/debug/bboxes_test_ins.json new file mode 100644 index 0000000000000000000000000000000000000000..0d44fcb940972625964c351982f33cbb3b544dfc --- /dev/null +++ b/screencoder/demo/public/assets/debug/bboxes_test_ins.json @@ -0,0 +1,79 @@ +[ + { + "id": "ph0", + "x": 758, + "y": 127, + "w": 321, + "h": 321 + }, + { + "id": "ph3", + "x": 749, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph4", + "x": 970, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph5", + "x": 1192, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph6", + "x": 1406, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph7", + "x": 1620, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph8", + "x": 1834, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph9", + "x": 2057, + "y": 503, + "w": 178, + "h": 178 + }, + { + "id": "ph10", + "x": 713, + "y": 864, + "w": 701, + "h": 830 + }, + { + "id": "ph11", + "x": 1432, + "y": 864, + "w": 701, + "h": 830 + }, + { + "id": "ph12", + "x": 2152, + "y": 864, + "w": 701, + "h": 830 + } +] \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph0.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph0.png new file mode 100644 index 0000000000000000000000000000000000000000..c7424f3e070139919ae9b46eecc77c77f80ee798 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b096836bfbfa5b135f2d3c2825cb58f847b3e001e98ba92446fb6cc06b273bcf +size 416734 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph1.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph1.png new file mode 100644 index 0000000000000000000000000000000000000000..ba663990193326b8f49ff55e720d6054a9ee35a6 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa8907caa515f6c05021197584ecb8827bb51a5040c9d0c06725e6b62d257adf +size 7704 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph10.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph10.png new file mode 100644 index 0000000000000000000000000000000000000000..9948f8d326fc30860f76e3fcbc159e60ed0f8f07 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e864fac10d7ff5d8c5025c189aa15fff3d1b0af7325b9a285d9799815f53a84b +size 222116 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph11.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph11.png new file mode 100644 index 0000000000000000000000000000000000000000..e8a2164a068eb58192f6fc46a3f53d826e47c461 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2f82864f23c42a04ebdd801b5ed000bf19959550b2d9622f9f1872206bf5a19 +size 8826 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph2.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph2.png new file mode 100644 index 0000000000000000000000000000000000000000..2d4f28b52d57e9c9103affad9c05e6f93e449f60 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c84b6a2913ccf675db9b198f65d862df2e78993f6b7bda2e2f8ed39865891853 +size 249818 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph3.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph3.png new file mode 100644 index 0000000000000000000000000000000000000000..66784eb97a65f4310bb937a232e4039e583163dc --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aae5df8f42deae22f75af6938c29318e629013f2cf53871c61b701abfb62a760 +size 6753 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph4.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph4.png new file mode 100644 index 0000000000000000000000000000000000000000..5494b975c22fde250db8d1086ab0f9a103068fdf --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6128c3903edfdd02890720a71772077ab7288d65852242662db60745068f7acf +size 495279 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph5.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph5.png new file mode 100644 index 0000000000000000000000000000000000000000..a21f5c29e98e9b17b4fd7cf5808ea22d1b22cff9 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dedd7d7c30cba1e44745d376f6b270dbd3cf6403a571a7b53f2dbbe91067ce13 +size 7612 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph6.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph6.png new file mode 100644 index 0000000000000000000000000000000000000000..fcf42994597efbf7fd03738c65407d022cd01c08 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f653a94ef60acb00d7741ebcf15f11f391da803cc5d4f65ee6e2038de0e0d03e +size 728813 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph7.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph7.png new file mode 100644 index 0000000000000000000000000000000000000000..311e42e6d3fdbf51b62f74f615dc506de65bb51e --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37921faad39bb39e3dd6743ee179d1d60bbdb52f05ae98d19eb7edd8a66a8135 +size 3755 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph8.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph8.png new file mode 100644 index 0000000000000000000000000000000000000000..913952a191f2b4f2f1d9d2b75480a62a43f388ed --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:add4ff991100499fe9dbc599ec12be226c4239699f3dcafe4a1388c21a316cb1 +size 583918 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo1/ph9.png b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph9.png new file mode 100644 index 0000000000000000000000000000000000000000..5012366464e6edb9ebfce00739019d42afb3ac1b --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo1/ph9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:507292931d104e497cc15454eeb74826b7ffccb38693535340ea9fc35c77eb27 +size 8836 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph0.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph0.png new file mode 100644 index 0000000000000000000000000000000000000000..37c023c0ed0325a965cd9fde4d939280b27c0ba1 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph0.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bbb665a9e7f913ad61997a1edae3b4aebaf7e96c8c4156306da64b070f7caea +size 129363 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph1.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph1.png new file mode 100644 index 0000000000000000000000000000000000000000..180effbecac93702af5d38d67a8d79e77fde1a7f --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e17a1a4ec7e266e9d6f6aed793009c6b128c724994520657dc3041f3c4d63254 +size 43578 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph10.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph10.png new file mode 100644 index 0000000000000000000000000000000000000000..35ce3991d4c61bcb844dff5e3bb11e448ba43970 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8ea9b2c9b11c56d4e08a56a65f756018ec2915c36d20e9f8d6d09363a4c4fd8 +size 860989 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph2.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph2.png new file mode 100644 index 0000000000000000000000000000000000000000..d2370b747b6a65a682b525dc015faefbc30cb8a1 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64041fe82480ee37a2bfe945b8c5b55350e744d01ac50b2c266f0649d6b68c43 +size 39314 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph3.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph3.png new file mode 100644 index 0000000000000000000000000000000000000000..89307e2612629b69e57913e08282692f79900410 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:790755c07f39818c956f76f344d93b7759050e9b5b397833f2d429ddc68da6c9 +size 45343 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph4.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph4.png new file mode 100644 index 0000000000000000000000000000000000000000..7404a6c2bb8b236f00ae583ef7e5d4e3ef180ed8 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aee7368b44ae810f6c834f88923c50c81b3d10522b3c7c76e0b1a312369f25b2 +size 45005 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph5.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph5.png new file mode 100644 index 0000000000000000000000000000000000000000..848c3107b5594431577a0cf0478b5b2a6c45fbcc --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bf79c260f100b9c7890e4fad54ae9f213cc52b9cc0a8c3f058cf2b32db9d5ed8 +size 23253 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph6.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph6.png new file mode 100644 index 0000000000000000000000000000000000000000..9b972ca40a9a45addb34728d14f10c739d00e560 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6ea142eabbd270b8c7a4ac2241dadaea619d0de1e31c37685a2fa08859fe9230 +size 44987 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph7.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph7.png new file mode 100644 index 0000000000000000000000000000000000000000..5388fc2a23df241b17cea7fa8b0481cfa184bfec --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:75afca4b8bf59b9d51b1b3c0eb6d9c43e68d0c3d9744d5cde8c2c4f91b599b3a +size 38925 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph8.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph8.png new file mode 100644 index 0000000000000000000000000000000000000000..ac5f447478160104ebef6a4db42ea695def71553 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c75e5408d3bf276017949c96f327bdd5eecd3a69be3350d95a3a56a610f6542b +size 731708 diff --git a/screencoder/demo/public/assets/debug/cropped_images_demo2/ph9.png b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph9.png new file mode 100644 index 0000000000000000000000000000000000000000..be4a4e87add41b50ad9b627eb388d9baa84fff97 --- /dev/null +++ b/screencoder/demo/public/assets/debug/cropped_images_demo2/ph9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2b9fa325df64911e514430821a6688064bb00db53f365da440e0cd2ea4cd30e +size 866752 diff --git a/screencoder/demo/public/assets/debug/debug_gray_bboxes.png b/screencoder/demo/public/assets/debug/debug_gray_bboxes.png new file mode 100644 index 0000000000000000000000000000000000000000..fa51413c9db0fbf98bb3a7413386b0383cb8f143 --- /dev/null +++ b/screencoder/demo/public/assets/debug/debug_gray_bboxes.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9197e5390f537494eb54faa30820307a730ab9f8926977b12d99457919c4ce6 +size 4602078 diff --git a/screencoder/demo/public/assets/debug/debug_gray_bboxes_test_demo1.png b/screencoder/demo/public/assets/debug/debug_gray_bboxes_test_demo1.png new file mode 100644 index 0000000000000000000000000000000000000000..7078b8707164ba9332acc34bc7e740a3865a5a8b --- /dev/null +++ b/screencoder/demo/public/assets/debug/debug_gray_bboxes_test_demo1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f232dda3402122bfbd2bfd4b1ffec41cf3b3bb13ea6e38e0cc50514fba6f2e81 +size 3264122 diff --git a/screencoder/demo/public/assets/debug/debug_gray_bboxes_test_demo2.png b/screencoder/demo/public/assets/debug/debug_gray_bboxes_test_demo2.png new file mode 100644 index 0000000000000000000000000000000000000000..5bf00d4cbf04021227d6baa0d0ec9fd7f241ed0a --- /dev/null +++ b/screencoder/demo/public/assets/debug/debug_gray_bboxes_test_demo2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c39ffb2e089e044c74595dce43c4cc2a5e73068e7e48e579cb9a142e09a87b96 +size 1814700 diff --git a/screencoder/demo/public/assets/debug/debug_overlay.png b/screencoder/demo/public/assets/debug/debug_overlay.png new file mode 100644 index 0000000000000000000000000000000000000000..0f9a59b1b4027289a8cb9b6a8768b8906a29582d --- /dev/null +++ b/screencoder/demo/public/assets/debug/debug_overlay.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca17627f24129971421651cddb153d15f2de024071a08b73889df3d9b99424ac +size 3260720 diff --git a/screencoder/demo/public/assets/debug/final_demo1.html b/screencoder/demo/public/assets/debug/final_demo1.html new file mode 100644 index 0000000000000000000000000000000000000000..7e2b3cfeb5f483187f38f855c500f3db62b85bde --- /dev/null +++ b/screencoder/demo/public/assets/debug/final_demo1.html @@ -0,0 +1,241 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+
+ +
+ + + +
+ +
+ + + +首页 +
+ +
+ + + + + +Shorts +
+ +
+ + + + +订阅 +
+ +
+ + + + + +
+
+
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+ 26:24 +
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+ 49:40 +
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+ 11:51 +
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+ → +
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+ 12:44 +
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+ 36:54 +
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/assets/debug/final_demo2.html b/screencoder/demo/public/assets/debug/final_demo2.html new file mode 100644 index 0000000000000000000000000000000000000000..08e0e4f335dc01b4dd92a087cb941c4d1dd8a46e --- /dev/null +++ b/screencoder/demo/public/assets/debug/final_demo2.html @@ -0,0 +1,357 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + + +
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ +

+ KORA Glow +

+
+
+ +

+ KORA Orga... +

+
+
+ +

+ Events +

+
+
+ +

+ MK Home +

+
+
+ +

+ Self-care +

+
+
+ +

+ Tutorials +

+
+
+ +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+ +
+ + + + +
+
+
+ +
+ + + + +
+
+
+ +
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/assets/debug/mapping.json b/screencoder/demo/public/assets/debug/mapping.json new file mode 100644 index 0000000000000000000000000000000000000000..364aeb8ae1f5eec32ece5723068a9c29ba6b36af --- /dev/null +++ b/screencoder/demo/public/assets/debug/mapping.json @@ -0,0 +1,31 @@ +{ + "scale": 4.14859437751004, + "dx": -14.623466634208853, + "dy": 16.50960888201257, + "mapping": { + "ph0": [ + 22 + ], + "ph2": [ + 23 + ], + "ph4": [ + 24 + ], + "ph6": [ + 63 + ], + "ph8": [ + 64 + ], + "ph10": [ + 65 + ], + "ph1": [], + "ph3": [], + "ph5": [], + "ph7": [], + "ph9": [], + "ph11": [] + } +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/debug/test_demo1.html b/screencoder/demo/public/assets/debug/test_demo1.html new file mode 100644 index 0000000000000000000000000000000000000000..b0732b98f8d5ef087b9c99ee574c2da2939efd1b --- /dev/null +++ b/screencoder/demo/public/assets/debug/test_demo1.html @@ -0,0 +1,253 @@ + + + + + Bounding Boxes Layout + + + + +
+ + +
+
+ + +
+ + + +
+ + +
+ + + + 首页 +
+ + +
+ + + + + + Shorts +
+ + +
+ + + + + 订阅 +
+ + +
+ + + + + +
+
+
+ + +
+
+ + +
+ + + + + YouTube + HK +
+ + +
+ + + + +
+ + +
+ + + + + + + + +
Y
+
+
+
+
+
+ 全部 + 播客 + 游戏 + 直播 + 数学 + 篮球 + 足球 + 动画 + 最近上传 + 发现新视频 +
+
+
+
+
+
+
+ 26:24 +
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+ 49:40 +
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+ 11:51 +
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+ → +
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+ 12:44 +
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+ 36:54 +
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/assets/debug/test_demo2.html b/screencoder/demo/public/assets/debug/test_demo2.html new file mode 100644 index 0000000000000000000000000000000000000000..1d16e1bfe7479d710c558b111fae11c3fd9a206f --- /dev/null +++ b/screencoder/demo/public/assets/debug/test_demo2.html @@ -0,0 +1,382 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ + +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/assets/debug/test_demo4.html b/screencoder/demo/public/assets/debug/test_demo4.html new file mode 100644 index 0000000000000000000000000000000000000000..00b68ce30974bededbea2746e9759f35aa28a9a3 --- /dev/null +++ b/screencoder/demo/public/assets/debug/test_demo4.html @@ -0,0 +1,310 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + + +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+ +
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+ Manohar Paluri +
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+ Renjun Xu, PhD +
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+ Christopher Kanan +
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+ Micael Carvalho +
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+ Joel Tetreault +
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/assets/demo1.png b/screencoder/demo/public/assets/demo1.png new file mode 100644 index 0000000000000000000000000000000000000000..bfbb8da7a21bd35998421253c4cbef17a23a964a --- /dev/null +++ b/screencoder/demo/public/assets/demo1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b832febac9fd78a25da618e1fddf0d5a524916b1cdf5e8c93c3839643e28597b +size 3427850 diff --git a/screencoder/demo/public/assets/demo1_cropped/demo1_1.png b/screencoder/demo/public/assets/demo1_cropped/demo1_1.png new file mode 100644 index 0000000000000000000000000000000000000000..b84d83fda034a6e69502e79303d6e8929ed9673e --- /dev/null +++ b/screencoder/demo/public/assets/demo1_cropped/demo1_1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2630f22385962162b57e106cc6759383d1fe0604b761776127730b6128b9d66 +size 433744 diff --git a/screencoder/demo/public/assets/demo1_cropped/demo1_2.png b/screencoder/demo/public/assets/demo1_cropped/demo1_2.png new file mode 100644 index 0000000000000000000000000000000000000000..3bfd52bd820d5d14527b5a1844a8c1ea333c43c9 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_cropped/demo1_2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a07b2410d667cdd1560aa7c4b1c4c686b97b6fec594cca6b06740f6ddfe40d69 +size 208914 diff --git a/screencoder/demo/public/assets/demo1_cropped/demo1_3.png b/screencoder/demo/public/assets/demo1_cropped/demo1_3.png new file mode 100644 index 0000000000000000000000000000000000000000..6b7f84f0d223c0355be23d878fe382d595ccd044 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_cropped/demo1_3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e6fe8ef26af301020ca0896955e5a081eab66c254b720e84e47f30af7bbaf6bb +size 449041 diff --git a/screencoder/demo/public/assets/demo1_cropped/demo1_4.png b/screencoder/demo/public/assets/demo1_cropped/demo1_4.png new file mode 100644 index 0000000000000000000000000000000000000000..dc7e816e31442380534b2e9471b94bec5327aa98 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_cropped/demo1_4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0517915e1a1d16886b05d567a6a4e214af63af250a0876d630dbf72617092a05 +size 796274 diff --git a/screencoder/demo/public/assets/demo1_cropped/demo1_5.png b/screencoder/demo/public/assets/demo1_cropped/demo1_5.png new file mode 100644 index 0000000000000000000000000000000000000000..8e907c0790179f29b42ddbbc3d12bd5f5a80f783 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_cropped/demo1_5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6b87368bd35e254eff96e2abb2da9c3923fbeb5e7195830d641550e5fc735725 +size 653397 diff --git a/screencoder/demo/public/assets/demo1_cropped/demo1_6.png b/screencoder/demo/public/assets/demo1_cropped/demo1_6.png new file mode 100644 index 0000000000000000000000000000000000000000..cf94b09e96d0962d07ca59766b74868fcbf18ca9 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_cropped/demo1_6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd0c3ea3d5d0ffc33b62800a6dcb0e465c6cad4e729214c1b04b3be177f712d2 +size 198554 diff --git a/screencoder/demo/public/assets/demo1_output/ip/demo1.jpg b/screencoder/demo/public/assets/demo1_output/ip/demo1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..7359303f974ac66b0ff8656f4f655bb91cf4ef48 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_output/ip/demo1.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5b0b4d03c18c2c14bd55b11e0282c9da9a288bfc74b389d38e03e5eb6e0a892 +size 153857 diff --git a/screencoder/demo/public/assets/demo1_output/ip/demo1.json b/screencoder/demo/public/assets/demo1_output/ip/demo1.json new file mode 100644 index 0000000000000000000000000000000000000000..b966f7e19836a7457dd2a132d58ead6730f6e31a --- /dev/null +++ b/screencoder/demo/public/assets/demo1_output/ip/demo1.json @@ -0,0 +1,969 @@ +{ + "img_shape": [ + 406, + 799, + 3 + ], + "compos": [ + { + "id": 1, + "class": "Compo", + "column_min": 262, + "row_min": 0, + "column_max": 511, + "row_max": 18, + "width": 249, + "height": 18 + }, + { + "id": 2, + "class": "Compo", + "column_min": 23, + "row_min": 5, + "column_max": 62, + "row_max": 13, + "width": 39, + "height": 8 + }, + { + "id": 3, + "class": "Compo", + "column_min": 64, + "row_min": 3, + "column_max": 70, + "row_max": 7, + "width": 6, + "height": 4 + }, + { + "id": 4, + "class": "Compo", + "column_min": 513, + "row_min": 0, + "column_max": 518, + "row_max": 17, + "width": 5, + "height": 17 + }, + { + "id": 5, + "class": "Compo", + "column_min": 525, + "row_min": 0, + "column_max": 542, + "row_max": 18, + "width": 17, + "height": 18 + }, + { + "id": 6, + "class": "Compo", + "column_min": 711, + "row_min": 0, + "column_max": 747, + "row_max": 17, + "width": 36, + "height": 17 + }, + { + "id": 7, + "class": "Compo", + "column_min": 755, + "row_min": 5, + "column_max": 763, + "row_max": 14, + "width": 8, + "height": 9 + }, + { + "id": 8, + "class": "Compo", + "column_min": 777, + "row_min": 2, + "column_max": 791, + "row_max": 16, + "width": 14, + "height": 14 + }, + { + "id": 9, + "class": "Compo", + "column_min": 3, + "row_min": 6, + "column_max": 11, + "row_max": 12, + "width": 8, + "height": 6 + }, + { + "id": 10, + "class": "Compo", + "column_min": 3, + "row_min": 30, + "column_max": 12, + "row_max": 39, + "width": 9, + "height": 9 + }, + { + "id": 11, + "class": "Compo", + "column_min": 60, + "row_min": 26, + "column_max": 83, + "row_max": 40, + "width": 23, + "height": 14 + }, + { + "id": 12, + "class": "Compo", + "column_min": 87, + "row_min": 26, + "column_max": 110, + "row_max": 40, + "width": 23, + "height": 14 + }, + { + "id": 13, + "class": "Compo", + "column_min": 142, + "row_min": 26, + "column_max": 164, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 14, + "class": "Compo", + "column_min": 170, + "row_min": 26, + "column_max": 192, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 15, + "class": "Compo", + "column_min": 224, + "row_min": 26, + "column_max": 247, + "row_max": 40, + "width": 23, + "height": 14 + }, + { + "id": 16, + "class": "Compo", + "column_min": 252, + "row_min": 26, + "column_max": 286, + "row_max": 40, + "width": 34, + "height": 14 + }, + { + "id": 17, + "class": "Compo", + "column_min": 33, + "row_min": 26, + "column_max": 55, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 18, + "class": "Compo", + "column_min": 115, + "row_min": 26, + "column_max": 137, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 19, + "class": "Compo", + "column_min": 197, + "row_min": 26, + "column_max": 219, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 20, + "class": "Compo", + "column_min": 291, + "row_min": 26, + "column_max": 331, + "row_max": 40, + "width": 40, + "height": 14 + }, + { + "id": 21, + "class": "Compo", + "column_min": 3, + "row_min": 43, + "column_max": 11, + "row_max": 48, + "width": 8, + "height": 5 + }, + { + "id": 22, + "class": "Compo", + "column_min": 33, + "row_min": 46, + "column_max": 282, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 23, + "class": "Compo", + "column_min": 288, + "row_min": 46, + "column_max": 537, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 24, + "class": "Compo", + "column_min": 544, + "row_min": 46, + "column_max": 793, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 25, + "class": "Compo", + "column_min": 3, + "row_min": 62, + "column_max": 11, + "row_max": 71, + "width": 8, + "height": 9 + }, + { + "id": 26, + "class": "Compo", + "column_min": 1, + "row_min": 75, + "column_max": 13, + "row_max": 79, + "width": 12, + "height": 4 + }, + { + "id": 27, + "class": "Compo", + "column_min": 3, + "row_min": 94, + "column_max": 12, + "row_max": 101, + "width": 9, + "height": 7 + }, + { + "id": 28, + "class": "Compo", + "column_min": 4, + "row_min": 107, + "column_max": 11, + "row_max": 111, + "width": 7, + "height": 4 + }, + { + "id": 29, + "class": "Compo", + "column_min": 3, + "row_min": 125, + "column_max": 12, + "row_max": 134, + "width": 9, + "height": 9 + }, + { + "id": 30, + "class": "Compo", + "column_min": 33, + "row_min": 191, + "column_max": 48, + "row_max": 207, + "width": 15, + "height": 16 + }, + { + "id": 31, + "class": "Compo", + "column_min": 53, + "row_min": 193, + "column_max": 65, + "row_max": 199, + "width": 12, + "height": 6 + }, + { + "id": 32, + "class": "Compo", + "column_min": 67, + "row_min": 193, + "column_max": 78, + "row_max": 200, + "width": 11, + "height": 7 + }, + { + "id": 33, + "class": "Compo", + "column_min": 80, + "row_min": 193, + "column_max": 106, + "row_max": 200, + "width": 26, + "height": 7 + }, + { + "id": 34, + "class": "Compo", + "column_min": 108, + "row_min": 193, + "column_max": 129, + "row_max": 199, + "width": 21, + "height": 6 + }, + { + "id": 35, + "class": "Compo", + "column_min": 131, + "row_min": 193, + "column_max": 164, + "row_max": 200, + "width": 33, + "height": 7 + }, + { + "id": 36, + "class": "Compo", + "column_min": 288, + "row_min": 191, + "column_max": 304, + "row_max": 207, + "width": 16, + "height": 16 + }, + { + "id": 37, + "class": "Compo", + "column_min": 309, + "row_min": 193, + "column_max": 339, + "row_max": 199, + "width": 30, + "height": 6 + }, + { + "id": 38, + "class": "Compo", + "column_min": 434, + "row_min": 193, + "column_max": 478, + "row_max": 199, + "width": 44, + "height": 6 + }, + { + "id": 39, + "class": "Compo", + "column_min": 480, + "row_min": 193, + "column_max": 508, + "row_max": 199, + "width": 28, + "height": 6 + }, + { + "id": 40, + "class": "Compo", + "column_min": 510, + "row_min": 194, + "column_max": 524, + "row_max": 199, + "width": 14, + "height": 5 + }, + { + "id": 41, + "class": "Compo", + "column_min": 544, + "row_min": 191, + "column_max": 560, + "row_max": 207, + "width": 16, + "height": 16 + }, + { + "id": 42, + "class": "Compo", + "column_min": 564, + "row_min": 193, + "column_max": 577, + "row_max": 198, + "width": 13, + "height": 5 + }, + { + "id": 43, + "class": "Compo", + "column_min": 580, + "row_min": 193, + "column_max": 598, + "row_max": 199, + "width": 18, + "height": 6 + }, + { + "id": 44, + "class": "Compo", + "column_min": 600, + "row_min": 193, + "column_max": 618, + "row_max": 199, + "width": 18, + "height": 6 + }, + { + "id": 45, + "class": "Compo", + "column_min": 620, + "row_min": 193, + "column_max": 647, + "row_max": 199, + "width": 27, + "height": 6 + }, + { + "id": 46, + "class": "Compo", + "column_min": 649, + "row_min": 193, + "column_max": 656, + "row_max": 199, + "width": 7, + "height": 6 + }, + { + "id": 47, + "class": "Compo", + "column_min": 658, + "row_min": 193, + "column_max": 672, + "row_max": 199, + "width": 14, + "height": 6 + }, + { + "id": 48, + "class": "Compo", + "column_min": 678, + "row_min": 192, + "column_max": 739, + "row_max": 199, + "width": 61, + "height": 7 + }, + { + "id": 49, + "class": "Compo", + "column_min": 741, + "row_min": 192, + "column_max": 779, + "row_max": 200, + "width": 38, + "height": 8 + }, + { + "id": 50, + "class": "Compo", + "column_min": 53, + "row_min": 204, + "column_max": 94, + "row_max": 209, + "width": 41, + "height": 5 + }, + { + "id": 51, + "class": "Compo", + "column_min": 96, + "row_min": 204, + "column_max": 102, + "row_max": 209, + "width": 6, + "height": 5 + }, + { + "id": 52, + "class": "Compo", + "column_min": 309, + "row_min": 202, + "column_max": 348, + "row_max": 209, + "width": 39, + "height": 7 + }, + { + "id": 53, + "class": "Compo", + "column_min": 565, + "row_min": 204, + "column_max": 585, + "row_max": 209, + "width": 20, + "height": 5 + }, + { + "id": 54, + "class": "Compo", + "column_min": 54, + "row_min": 212, + "column_max": 84, + "row_max": 218, + "width": 30, + "height": 6 + }, + { + "id": 55, + "class": "Compo", + "column_min": 90, + "row_min": 212, + "column_max": 114, + "row_max": 218, + "width": 24, + "height": 6 + }, + { + "id": 56, + "class": "Compo", + "column_min": 309, + "row_min": 214, + "column_max": 355, + "row_max": 219, + "width": 46, + "height": 5 + }, + { + "id": 57, + "class": "Compo", + "column_min": 357, + "row_min": 213, + "column_max": 392, + "row_max": 219, + "width": 35, + "height": 6 + }, + { + "id": 58, + "class": "Compo", + "column_min": 565, + "row_min": 212, + "column_max": 597, + "row_max": 218, + "width": 32, + "height": 6 + }, + { + "id": 59, + "class": "Compo", + "column_min": 603, + "row_min": 212, + "column_max": 624, + "row_max": 218, + "width": 21, + "height": 6 + }, + { + "id": 60, + "class": "Compo", + "column_min": 309, + "row_min": 222, + "column_max": 333, + "row_max": 228, + "width": 24, + "height": 6 + }, + { + "id": 61, + "class": "Compo", + "column_min": 339, + "row_min": 222, + "column_max": 349, + "row_max": 228, + "width": 10, + "height": 6 + }, + { + "id": 62, + "class": "Compo", + "column_min": 350, + "row_min": 222, + "column_max": 364, + "row_max": 228, + "width": 14, + "height": 6 + }, + { + "id": 63, + "class": "Compo", + "column_min": 33, + "row_min": 243, + "column_max": 282, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 64, + "class": "Compo", + "column_min": 288, + "row_min": 243, + "column_max": 537, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 65, + "class": "Block", + "column_min": 544, + "row_min": 243, + "column_max": 793, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 66, + "class": "Compo", + "column_min": 609, + "row_min": 254, + "column_max": 728, + "row_max": 373, + "width": 119, + "height": 119 + }, + { + "id": 67, + "class": "Compo", + "column_min": 775, + "row_min": 373, + "column_max": 788, + "row_max": 377, + "width": 13, + "height": 4 + }, + { + "id": 68, + "class": "Compo", + "column_min": 33, + "row_min": 388, + "column_max": 48, + "row_max": 403, + "width": 15, + "height": 15 + }, + { + "id": 69, + "class": "Compo", + "column_min": 54, + "row_min": 390, + "column_max": 88, + "row_max": 395, + "width": 34, + "height": 5 + }, + { + "id": 70, + "class": "Compo", + "column_min": 90, + "row_min": 389, + "column_max": 120, + "row_max": 396, + "width": 30, + "height": 7 + }, + { + "id": 71, + "class": "Compo", + "column_min": 124, + "row_min": 389, + "column_max": 165, + "row_max": 396, + "width": 41, + "height": 7 + }, + { + "id": 72, + "class": "Compo", + "column_min": 288, + "row_min": 388, + "column_max": 304, + "row_max": 403, + "width": 16, + "height": 15 + }, + { + "id": 73, + "class": "Compo", + "column_min": 309, + "row_min": 390, + "column_max": 342, + "row_max": 396, + "width": 33, + "height": 6 + }, + { + "id": 74, + "class": "Compo", + "column_min": 344, + "row_min": 390, + "column_max": 371, + "row_max": 396, + "width": 27, + "height": 6 + }, + { + "id": 75, + "class": "Compo", + "column_min": 373, + "row_min": 390, + "column_max": 377, + "row_max": 395, + "width": 4, + "height": 5 + }, + { + "id": 76, + "class": "Compo", + "column_min": 391, + "row_min": 390, + "column_max": 417, + "row_max": 395, + "width": 26, + "height": 5 + }, + { + "id": 77, + "class": "Compo", + "column_min": 419, + "row_min": 390, + "column_max": 450, + "row_max": 397, + "width": 31, + "height": 7 + }, + { + "id": 78, + "class": "Compo", + "column_min": 452, + "row_min": 390, + "column_max": 484, + "row_max": 395, + "width": 32, + "height": 5 + }, + { + "id": 79, + "class": "Compo", + "column_min": 486, + "row_min": 390, + "column_max": 492, + "row_max": 395, + "width": 6, + "height": 5 + }, + { + "id": 80, + "class": "Compo", + "column_min": 494, + "row_min": 390, + "column_max": 520, + "row_max": 397, + "width": 26, + "height": 7 + }, + { + "id": 81, + "class": "Compo", + "column_min": 544, + "row_min": 388, + "column_max": 560, + "row_max": 403, + "width": 16, + "height": 15 + }, + { + "id": 82, + "class": "Compo", + "column_min": 565, + "row_min": 390, + "column_max": 575, + "row_max": 395, + "width": 10, + "height": 5 + }, + { + "id": 83, + "class": "Compo", + "column_min": 577, + "row_min": 390, + "column_max": 598, + "row_max": 395, + "width": 21, + "height": 5 + }, + { + "id": 84, + "class": "Compo", + "column_min": 629, + "row_min": 390, + "column_max": 665, + "row_max": 396, + "width": 36, + "height": 6 + }, + { + "id": 85, + "class": "Compo", + "column_min": 667, + "row_min": 389, + "column_max": 728, + "row_max": 396, + "width": 61, + "height": 7 + }, + { + "id": 86, + "class": "Compo", + "column_min": 379, + "row_min": 390, + "column_max": 389, + "row_max": 395, + "width": 10, + "height": 5 + }, + { + "id": 87, + "class": "Compo", + "column_min": 600, + "row_min": 390, + "column_max": 627, + "row_max": 396, + "width": 27, + "height": 6 + }, + { + "id": 88, + "class": "Compo", + "column_min": 85, + "row_min": 400, + "column_max": 95, + "row_max": 405, + "width": 10, + "height": 5 + }, + { + "id": 89, + "class": "Compo", + "column_min": 97, + "row_min": 400, + "column_max": 114, + "row_max": 405, + "width": 17, + "height": 5 + }, + { + "id": 90, + "class": "Compo", + "column_min": 309, + "row_min": 400, + "column_max": 349, + "row_max": 405, + "width": 40, + "height": 5 + }, + { + "id": 91, + "class": "Compo", + "column_min": 565, + "row_min": 400, + "column_max": 600, + "row_max": 405, + "width": 35, + "height": 5 + }, + { + "id": 92, + "class": "Compo", + "column_min": 53, + "row_min": 400, + "column_max": 80, + "row_max": 405, + "width": 27, + "height": 5 + }, + { + "id": 93, + "class": "Compo", + "column_min": 602, + "row_min": 400, + "column_max": 607, + "row_max": 405, + "width": 5, + "height": 5 + }, + { + "id": 94, + "class": "Compo", + "column_min": 731, + "row_min": 54, + "column_max": 790, + "row_max": 111, + "width": 59, + "height": 57 + }, + { + "id": 95, + "class": "Compo", + "column_min": 625, + "row_min": 269, + "column_max": 713, + "row_max": 357, + "width": 88, + "height": 88 + }, + { + "id": 96, + "class": "Compo", + "column_min": 625, + "row_min": 269, + "column_max": 713, + "row_max": 357, + "width": 88, + "height": 88 + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/demo1_output/ip/demo1_filtered.json b/screencoder/demo/public/assets/demo1_output/ip/demo1_filtered.json new file mode 100644 index 0000000000000000000000000000000000000000..2fa99373ddc4eebbf3f57a57edf4b1ec143e9fe4 --- /dev/null +++ b/screencoder/demo/public/assets/demo1_output/ip/demo1_filtered.json @@ -0,0 +1,919 @@ +{ + "img_shape": [ + 406, + 799, + 3 + ], + "compos": [ + { + "id": 1, + "class": "Compo", + "column_min": 262, + "row_min": 0, + "column_max": 511, + "row_max": 18, + "width": 249, + "height": 18 + }, + { + "id": 2, + "class": "Compo", + "column_min": 23, + "row_min": 5, + "column_max": 62, + "row_max": 13, + "width": 39, + "height": 8 + }, + { + "id": 3, + "class": "Compo", + "column_min": 64, + "row_min": 3, + "column_max": 70, + "row_max": 7, + "width": 6, + "height": 4 + }, + { + "id": 4, + "class": "Compo", + "column_min": 513, + "row_min": 0, + "column_max": 518, + "row_max": 17, + "width": 5, + "height": 17 + }, + { + "id": 5, + "class": "Compo", + "column_min": 525, + "row_min": 0, + "column_max": 542, + "row_max": 18, + "width": 17, + "height": 18 + }, + { + "id": 6, + "class": "Compo", + "column_min": 711, + "row_min": 0, + "column_max": 747, + "row_max": 17, + "width": 36, + "height": 17 + }, + { + "id": 7, + "class": "Compo", + "column_min": 755, + "row_min": 5, + "column_max": 763, + "row_max": 14, + "width": 8, + "height": 9 + }, + { + "id": 8, + "class": "Compo", + "column_min": 777, + "row_min": 2, + "column_max": 791, + "row_max": 16, + "width": 14, + "height": 14 + }, + { + "id": 9, + "class": "Compo", + "column_min": 3, + "row_min": 6, + "column_max": 11, + "row_max": 12, + "width": 8, + "height": 6 + }, + { + "id": 10, + "class": "Compo", + "column_min": 3, + "row_min": 30, + "column_max": 12, + "row_max": 39, + "width": 9, + "height": 9 + }, + { + "id": 11, + "class": "Compo", + "column_min": 60, + "row_min": 26, + "column_max": 83, + "row_max": 40, + "width": 23, + "height": 14 + }, + { + "id": 12, + "class": "Compo", + "column_min": 87, + "row_min": 26, + "column_max": 110, + "row_max": 40, + "width": 23, + "height": 14 + }, + { + "id": 13, + "class": "Compo", + "column_min": 142, + "row_min": 26, + "column_max": 164, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 14, + "class": "Compo", + "column_min": 170, + "row_min": 26, + "column_max": 192, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 15, + "class": "Compo", + "column_min": 224, + "row_min": 26, + "column_max": 247, + "row_max": 40, + "width": 23, + "height": 14 + }, + { + "id": 16, + "class": "Compo", + "column_min": 252, + "row_min": 26, + "column_max": 286, + "row_max": 40, + "width": 34, + "height": 14 + }, + { + "id": 17, + "class": "Compo", + "column_min": 33, + "row_min": 26, + "column_max": 55, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 18, + "class": "Compo", + "column_min": 115, + "row_min": 26, + "column_max": 137, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 19, + "class": "Compo", + "column_min": 197, + "row_min": 26, + "column_max": 219, + "row_max": 40, + "width": 22, + "height": 14 + }, + { + "id": 20, + "class": "Compo", + "column_min": 291, + "row_min": 26, + "column_max": 331, + "row_max": 40, + "width": 40, + "height": 14 + }, + { + "id": 21, + "class": "Compo", + "column_min": 3, + "row_min": 43, + "column_max": 11, + "row_max": 48, + "width": 8, + "height": 5 + }, + { + "id": 22, + "class": "Compo", + "column_min": 33, + "row_min": 46, + "column_max": 282, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 23, + "class": "Compo", + "column_min": 288, + "row_min": 46, + "column_max": 537, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 24, + "class": "Compo", + "column_min": 544, + "row_min": 46, + "column_max": 793, + "row_max": 186, + "width": 249, + "height": 140 + }, + { + "id": 25, + "class": "Compo", + "column_min": 3, + "row_min": 62, + "column_max": 11, + "row_max": 71, + "width": 8, + "height": 9 + }, + { + "id": 26, + "class": "Compo", + "column_min": 1, + "row_min": 75, + "column_max": 13, + "row_max": 79, + "width": 12, + "height": 4 + }, + { + "id": 27, + "class": "Compo", + "column_min": 3, + "row_min": 94, + "column_max": 12, + "row_max": 101, + "width": 9, + "height": 7 + }, + { + "id": 28, + "class": "Compo", + "column_min": 4, + "row_min": 107, + "column_max": 11, + "row_max": 111, + "width": 7, + "height": 4 + }, + { + "id": 29, + "class": "Compo", + "column_min": 3, + "row_min": 125, + "column_max": 12, + "row_max": 134, + "width": 9, + "height": 9 + }, + { + "id": 30, + "class": "Compo", + "column_min": 33, + "row_min": 191, + "column_max": 48, + "row_max": 207, + "width": 15, + "height": 16 + }, + { + "id": 31, + "class": "Compo", + "column_min": 53, + "row_min": 193, + "column_max": 65, + "row_max": 199, + "width": 12, + "height": 6 + }, + { + "id": 32, + "class": "Compo", + "column_min": 67, + "row_min": 193, + "column_max": 78, + "row_max": 200, + "width": 11, + "height": 7 + }, + { + "id": 33, + "class": "Compo", + "column_min": 80, + "row_min": 193, + "column_max": 106, + "row_max": 200, + "width": 26, + "height": 7 + }, + { + "id": 34, + "class": "Compo", + "column_min": 108, + "row_min": 193, + "column_max": 129, + "row_max": 199, + "width": 21, + "height": 6 + }, + { + "id": 35, + "class": "Compo", + "column_min": 131, + "row_min": 193, + "column_max": 164, + "row_max": 200, + "width": 33, + "height": 7 + }, + { + "id": 36, + "class": "Compo", + "column_min": 288, + "row_min": 191, + "column_max": 304, + "row_max": 207, + "width": 16, + "height": 16 + }, + { + "id": 37, + "class": "Compo", + "column_min": 309, + "row_min": 193, + "column_max": 339, + "row_max": 199, + "width": 30, + "height": 6 + }, + { + "id": 38, + "class": "Compo", + "column_min": 434, + "row_min": 193, + "column_max": 478, + "row_max": 199, + "width": 44, + "height": 6 + }, + { + "id": 39, + "class": "Compo", + "column_min": 480, + "row_min": 193, + "column_max": 508, + "row_max": 199, + "width": 28, + "height": 6 + }, + { + "id": 40, + "class": "Compo", + "column_min": 510, + "row_min": 194, + "column_max": 524, + "row_max": 199, + "width": 14, + "height": 5 + }, + { + "id": 41, + "class": "Compo", + "column_min": 544, + "row_min": 191, + "column_max": 560, + "row_max": 207, + "width": 16, + "height": 16 + }, + { + "id": 42, + "class": "Compo", + "column_min": 564, + "row_min": 193, + "column_max": 577, + "row_max": 198, + "width": 13, + "height": 5 + }, + { + "id": 43, + "class": "Compo", + "column_min": 580, + "row_min": 193, + "column_max": 598, + "row_max": 199, + "width": 18, + "height": 6 + }, + { + "id": 44, + "class": "Compo", + "column_min": 600, + "row_min": 193, + "column_max": 618, + "row_max": 199, + "width": 18, + "height": 6 + }, + { + "id": 45, + "class": "Compo", + "column_min": 620, + "row_min": 193, + "column_max": 647, + "row_max": 199, + "width": 27, + "height": 6 + }, + { + "id": 46, + "class": "Compo", + "column_min": 649, + "row_min": 193, + "column_max": 656, + "row_max": 199, + "width": 7, + "height": 6 + }, + { + "id": 47, + "class": "Compo", + "column_min": 658, + "row_min": 193, + "column_max": 672, + "row_max": 199, + "width": 14, + "height": 6 + }, + { + "id": 48, + "class": "Compo", + "column_min": 678, + "row_min": 192, + "column_max": 739, + "row_max": 199, + "width": 61, + "height": 7 + }, + { + "id": 49, + "class": "Compo", + "column_min": 741, + "row_min": 192, + "column_max": 779, + "row_max": 200, + "width": 38, + "height": 8 + }, + { + "id": 50, + "class": "Compo", + "column_min": 53, + "row_min": 204, + "column_max": 94, + "row_max": 209, + "width": 41, + "height": 5 + }, + { + "id": 51, + "class": "Compo", + "column_min": 96, + "row_min": 204, + "column_max": 102, + "row_max": 209, + "width": 6, + "height": 5 + }, + { + "id": 52, + "class": "Compo", + "column_min": 309, + "row_min": 202, + "column_max": 348, + "row_max": 209, + "width": 39, + "height": 7 + }, + { + "id": 53, + "class": "Compo", + "column_min": 565, + "row_min": 204, + "column_max": 585, + "row_max": 209, + "width": 20, + "height": 5 + }, + { + "id": 54, + "class": "Compo", + "column_min": 54, + "row_min": 212, + "column_max": 84, + "row_max": 218, + "width": 30, + "height": 6 + }, + { + "id": 55, + "class": "Compo", + "column_min": 90, + "row_min": 212, + "column_max": 114, + "row_max": 218, + "width": 24, + "height": 6 + }, + { + "id": 56, + "class": "Compo", + "column_min": 309, + "row_min": 214, + "column_max": 355, + "row_max": 219, + "width": 46, + "height": 5 + }, + { + "id": 57, + "class": "Compo", + "column_min": 357, + "row_min": 213, + "column_max": 392, + "row_max": 219, + "width": 35, + "height": 6 + }, + { + "id": 58, + "class": "Compo", + "column_min": 565, + "row_min": 212, + "column_max": 597, + "row_max": 218, + "width": 32, + "height": 6 + }, + { + "id": 59, + "class": "Compo", + "column_min": 603, + "row_min": 212, + "column_max": 624, + "row_max": 218, + "width": 21, + "height": 6 + }, + { + "id": 60, + "class": "Compo", + "column_min": 309, + "row_min": 222, + "column_max": 333, + "row_max": 228, + "width": 24, + "height": 6 + }, + { + "id": 61, + "class": "Compo", + "column_min": 339, + "row_min": 222, + "column_max": 349, + "row_max": 228, + "width": 10, + "height": 6 + }, + { + "id": 62, + "class": "Compo", + "column_min": 350, + "row_min": 222, + "column_max": 364, + "row_max": 228, + "width": 14, + "height": 6 + }, + { + "id": 63, + "class": "Compo", + "column_min": 33, + "row_min": 243, + "column_max": 282, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 64, + "class": "Compo", + "column_min": 288, + "row_min": 243, + "column_max": 537, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 65, + "class": "Block", + "column_min": 544, + "row_min": 243, + "column_max": 793, + "row_max": 383, + "width": 249, + "height": 140 + }, + { + "id": 68, + "class": "Compo", + "column_min": 33, + "row_min": 388, + "column_max": 48, + "row_max": 403, + "width": 15, + "height": 15 + }, + { + "id": 69, + "class": "Compo", + "column_min": 54, + "row_min": 390, + "column_max": 88, + "row_max": 395, + "width": 34, + "height": 5 + }, + { + "id": 70, + "class": "Compo", + "column_min": 90, + "row_min": 389, + "column_max": 120, + "row_max": 396, + "width": 30, + "height": 7 + }, + { + "id": 71, + "class": "Compo", + "column_min": 124, + "row_min": 389, + "column_max": 165, + "row_max": 396, + "width": 41, + "height": 7 + }, + { + "id": 72, + "class": "Compo", + "column_min": 288, + "row_min": 388, + "column_max": 304, + "row_max": 403, + "width": 16, + "height": 15 + }, + { + "id": 73, + "class": "Compo", + "column_min": 309, + "row_min": 390, + "column_max": 342, + "row_max": 396, + "width": 33, + "height": 6 + }, + { + "id": 74, + "class": "Compo", + "column_min": 344, + "row_min": 390, + "column_max": 371, + "row_max": 396, + "width": 27, + "height": 6 + }, + { + "id": 75, + "class": "Compo", + "column_min": 373, + "row_min": 390, + "column_max": 377, + "row_max": 395, + "width": 4, + "height": 5 + }, + { + "id": 76, + "class": "Compo", + "column_min": 391, + "row_min": 390, + "column_max": 417, + "row_max": 395, + "width": 26, + "height": 5 + }, + { + "id": 77, + "class": "Compo", + "column_min": 419, + "row_min": 390, + "column_max": 450, + "row_max": 397, + "width": 31, + "height": 7 + }, + { + "id": 78, + "class": "Compo", + "column_min": 452, + "row_min": 390, + "column_max": 484, + "row_max": 395, + "width": 32, + "height": 5 + }, + { + "id": 79, + "class": "Compo", + "column_min": 486, + "row_min": 390, + "column_max": 492, + "row_max": 395, + "width": 6, + "height": 5 + }, + { + "id": 80, + "class": "Compo", + "column_min": 494, + "row_min": 390, + "column_max": 520, + "row_max": 397, + "width": 26, + "height": 7 + }, + { + "id": 81, + "class": "Compo", + "column_min": 544, + "row_min": 388, + "column_max": 560, + "row_max": 403, + "width": 16, + "height": 15 + }, + { + "id": 82, + "class": "Compo", + "column_min": 565, + "row_min": 390, + "column_max": 575, + "row_max": 395, + "width": 10, + "height": 5 + }, + { + "id": 83, + "class": "Compo", + "column_min": 577, + "row_min": 390, + "column_max": 598, + "row_max": 395, + "width": 21, + "height": 5 + }, + { + "id": 84, + "class": "Compo", + "column_min": 629, + "row_min": 390, + "column_max": 665, + "row_max": 396, + "width": 36, + "height": 6 + }, + { + "id": 85, + "class": "Compo", + "column_min": 667, + "row_min": 389, + "column_max": 728, + "row_max": 396, + "width": 61, + "height": 7 + }, + { + "id": 86, + "class": "Compo", + "column_min": 379, + "row_min": 390, + "column_max": 389, + "row_max": 395, + "width": 10, + "height": 5 + }, + { + "id": 87, + "class": "Compo", + "column_min": 600, + "row_min": 390, + "column_max": 627, + "row_max": 396, + "width": 27, + "height": 6 + }, + { + "id": 88, + "class": "Compo", + "column_min": 85, + "row_min": 400, + "column_max": 95, + "row_max": 405, + "width": 10, + "height": 5 + }, + { + "id": 89, + "class": "Compo", + "column_min": 97, + "row_min": 400, + "column_max": 114, + "row_max": 405, + "width": 17, + "height": 5 + }, + { + "id": 90, + "class": "Compo", + "column_min": 309, + "row_min": 400, + "column_max": 349, + "row_max": 405, + "width": 40, + "height": 5 + }, + { + "id": 91, + "class": "Compo", + "column_min": 565, + "row_min": 400, + "column_max": 600, + "row_max": 405, + "width": 35, + "height": 5 + }, + { + "id": 92, + "class": "Compo", + "column_min": 53, + "row_min": 400, + "column_max": 80, + "row_max": 405, + "width": 27, + "height": 5 + }, + { + "id": 93, + "class": "Compo", + "column_min": 602, + "row_min": 400, + "column_max": 607, + "row_max": 405, + "width": 5, + "height": 5 + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/demo2.png b/screencoder/demo/public/assets/demo2.png new file mode 100644 index 0000000000000000000000000000000000000000..75e0828ed50d84eecd5c48b6bcd64ae53bb53f87 --- /dev/null +++ b/screencoder/demo/public/assets/demo2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd5da753710271efb0dd9b2a237dd5c8ed526e3e0fb67a2a258628705986f1c9 +size 3783330 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo2_1.png b/screencoder/demo/public/assets/demo2_cropped/demo2_1.png new file mode 100644 index 0000000000000000000000000000000000000000..803cfb8b8b1ceded0e5fe0fb1d93bdf240bb865a --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo2_1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9053eb0df2405d7bc959b463f49775086bff62fdba3d07c873bbdc69b9467b03 +size 869325 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo2_2.png b/screencoder/demo/public/assets/demo2_cropped/demo2_2.png new file mode 100644 index 0000000000000000000000000000000000000000..c358daca27705e6e47870c7c6d3528913ef2aea3 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo2_2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c6a80f4dd1751f16533973a248b8b0b979d36e8b7faa120fee5d73a90504cb4 +size 811335 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo2_3.png b/screencoder/demo/public/assets/demo2_cropped/demo2_3.png new file mode 100644 index 0000000000000000000000000000000000000000..e6af968cd01e7bb4633ae2d7af7e21b1ae2af945 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo2_3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69cad1acde2462573dd411092907d463f485d02439674a0b93d68a557edbdb33 +size 961194 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_10.png b/screencoder/demo/public/assets/demo2_cropped/demo3_10.png new file mode 100644 index 0000000000000000000000000000000000000000..4a55849c52b73d771b1cb430d69ead44c1b99f63 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aba031e1e1c178ae0094cdb739438d4b828d7d0d7147e85d09e996520cf4f226 +size 47175 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_11.png b/screencoder/demo/public/assets/demo2_cropped/demo3_11.png new file mode 100644 index 0000000000000000000000000000000000000000..ce6ed69da4c3927217b92a1f16ade8ae060b19ae --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43ba8d5a3c24cb0a4a4146bc124f48ad253285925b23cbc47f2edcd14aa97df6 +size 54383 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_4.png b/screencoder/demo/public/assets/demo2_cropped/demo3_4.png new file mode 100644 index 0000000000000000000000000000000000000000..e2ce478bc0831c427c4c209bc86c676afd500543 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c6e2033357af10dfa5ea64db5f865ead75535b2302f30845b051ecaa1235485 +size 155318 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_5.png b/screencoder/demo/public/assets/demo2_cropped/demo3_5.png new file mode 100644 index 0000000000000000000000000000000000000000..21ae6915d62d63f8e5c3af7384d36d189f3b5a34 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d3c397d267137d2506842c51129db5d4e60bf0f17430cc968fa3ba55c323acf +size 47940 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_6.png b/screencoder/demo/public/assets/demo2_cropped/demo3_6.png new file mode 100644 index 0000000000000000000000000000000000000000..81da74f237bdd101e40bf7d96786809d860bd8c7 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55cf5008ce18d29b11e346d7cb955522704d6b649c5aa4df3e45013d92df165d +size 51479 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_7.png b/screencoder/demo/public/assets/demo2_cropped/demo3_7.png new file mode 100644 index 0000000000000000000000000000000000000000..478f00b5dd2d0d4fc62ff4763f79eb119b39ebb4 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f4e5de201663efdf21283bf49ae9d0f0a90ff484a38046e225edb8db152aa6c +size 54787 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_8.png b/screencoder/demo/public/assets/demo2_cropped/demo3_8.png new file mode 100644 index 0000000000000000000000000000000000000000..b3d0c4af2c7eb2e816f6906b471a70dbae47e264 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1bbf503595e24f898d59b1017d8098b1c75e41ca4ed141f3eb46fb3b15cfd1b0 +size 53470 diff --git a/screencoder/demo/public/assets/demo2_cropped/demo3_9.png b/screencoder/demo/public/assets/demo2_cropped/demo3_9.png new file mode 100644 index 0000000000000000000000000000000000000000..18167ece5b5b406a14d9da9d9ea2e22380da1866 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_cropped/demo3_9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cff3919c0712ae3b0cfdd7cea3fa76f55abcb04111a41a4709a288bef96c4e2b +size 21336 diff --git a/screencoder/demo/public/assets/demo2_output/ip/demo2.jpg b/screencoder/demo/public/assets/demo2_output/ip/demo2.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ebae59de9a9abbfbee7c2a9010afd70a10bc4e11 --- /dev/null +++ b/screencoder/demo/public/assets/demo2_output/ip/demo2.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94990f952582c20993f897cd5aa18dac40b8a7ea1eb59df4c707deac22755178 +size 130732 diff --git a/screencoder/demo/public/assets/demo2_output/ip/demo2.json b/screencoder/demo/public/assets/demo2_output/ip/demo2.json new file mode 100644 index 0000000000000000000000000000000000000000..8352a43cdcb2a1b5b7dbea1fc2f57679df033bbb --- /dev/null +++ b/screencoder/demo/public/assets/demo2_output/ip/demo2.json @@ -0,0 +1,629 @@ +{ + "img_shape": [ + 474, + 798, + 3 + ], + "compos": [ + { + "id": 1, + "class": "Compo", + "column_min": 7, + "row_min": 19, + "column_max": 59, + "row_max": 34, + "width": 52, + "height": 15 + }, + { + "id": 2, + "class": "Compo", + "column_min": 534, + "row_min": 17, + "column_max": 570, + "row_max": 34, + "width": 36, + "height": 17 + }, + { + "id": 3, + "class": "Compo", + "column_min": 574, + "row_min": 17, + "column_max": 611, + "row_max": 34, + "width": 37, + "height": 17 + }, + { + "id": 4, + "class": "Compo", + "column_min": 615, + "row_min": 17, + "column_max": 632, + "row_max": 34, + "width": 17, + "height": 17 + }, + { + "id": 5, + "class": "Compo", + "column_min": 457, + "row_min": 22, + "column_max": 511, + "row_max": 30, + "width": 54, + "height": 8 + }, + { + "id": 6, + "class": "Compo", + "column_min": 515, + "row_min": 22, + "column_max": 525, + "row_max": 31, + "width": 10, + "height": 9 + }, + { + "id": 7, + "class": "Compo", + "column_min": 329, + "row_min": 29, + "column_max": 413, + "row_max": 113, + "width": 84, + "height": 84 + }, + { + "id": 8, + "class": "Compo", + "column_min": 456, + "row_min": 49, + "column_max": 495, + "row_max": 57, + "width": 39, + "height": 8 + }, + { + "id": 9, + "class": "Compo", + "column_min": 515, + "row_min": 49, + "column_max": 561, + "row_max": 57, + "width": 46, + "height": 8 + }, + { + "id": 10, + "class": "Compo", + "column_min": 581, + "row_min": 49, + "column_max": 619, + "row_max": 57, + "width": 38, + "height": 8 + }, + { + "id": 11, + "class": "Compo", + "column_min": 7, + "row_min": 57, + "column_max": 19, + "row_max": 69, + "width": 12, + "height": 12 + }, + { + "id": 12, + "class": "Compo", + "column_min": 27, + "row_min": 59, + "column_max": 44, + "row_max": 67, + "width": 17, + "height": 8 + }, + { + "id": 13, + "class": "Compo", + "column_min": 457, + "row_min": 69, + "column_max": 485, + "row_max": 75, + "width": 28, + "height": 6 + }, + { + "id": 14, + "class": "Compo", + "column_min": 488, + "row_min": 69, + "column_max": 503, + "row_max": 75, + "width": 15, + "height": 6 + }, + { + "id": 15, + "class": "Compo", + "column_min": 456, + "row_min": 80, + "column_max": 509, + "row_max": 93, + "width": 53, + "height": 13 + }, + { + "id": 16, + "class": "Compo", + "column_min": 7, + "row_min": 85, + "column_max": 19, + "row_max": 97, + "width": 12, + "height": 12 + }, + { + "id": 17, + "class": "Compo", + "column_min": 27, + "row_min": 87, + "column_max": 44, + "row_max": 96, + "width": 17, + "height": 9 + }, + { + "id": 18, + "class": "Compo", + "column_min": 456, + "row_min": 97, + "column_max": 571, + "row_max": 114, + "width": 115, + "height": 17 + }, + { + "id": 19, + "class": "Compo", + "column_min": 574, + "row_min": 97, + "column_max": 581, + "row_max": 104, + "width": 7, + "height": 7 + }, + { + "id": 20, + "class": "Compo", + "column_min": 7, + "row_min": 113, + "column_max": 19, + "row_max": 125, + "width": 12, + "height": 12 + }, + { + "id": 21, + "class": "Compo", + "column_min": 27, + "row_min": 115, + "column_max": 44, + "row_max": 124, + "width": 17, + "height": 9 + }, + { + "id": 22, + "class": "Compo", + "column_min": 456, + "row_min": 122, + "column_max": 502, + "row_max": 129, + "width": 46, + "height": 7 + }, + { + "id": 23, + "class": "Compo", + "column_min": 7, + "row_min": 141, + "column_max": 19, + "row_max": 153, + "width": 12, + "height": 12 + }, + { + "id": 24, + "class": "Compo", + "column_min": 28, + "row_min": 145, + "column_max": 48, + "row_max": 152, + "width": 20, + "height": 7 + }, + { + "id": 25, + "class": "Compo", + "column_min": 321, + "row_min": 154, + "column_max": 365, + "row_max": 197, + "width": 44, + "height": 43 + }, + { + "id": 26, + "class": "Compo", + "column_min": 387, + "row_min": 154, + "column_max": 431, + "row_max": 197, + "width": 44, + "height": 43 + }, + { + "id": 27, + "class": "Compo", + "column_min": 454, + "row_min": 154, + "column_max": 498, + "row_max": 197, + "width": 44, + "height": 43 + }, + { + "id": 28, + "class": "Compo", + "column_min": 520, + "row_min": 154, + "column_max": 564, + "row_max": 197, + "width": 44, + "height": 43 + }, + { + "id": 29, + "class": "Compo", + "column_min": 587, + "row_min": 154, + "column_max": 631, + "row_max": 197, + "width": 44, + "height": 43 + }, + { + "id": 30, + "class": "Compo", + "column_min": 653, + "row_min": 154, + "column_max": 697, + "row_max": 197, + "width": 44, + "height": 43 + }, + { + "id": 31, + "class": "Compo", + "column_min": 720, + "row_min": 154, + "column_max": 766, + "row_max": 197, + "width": 46, + "height": 43 + }, + { + "id": 32, + "class": "Compo", + "column_min": 8, + "row_min": 170, + "column_max": 19, + "row_max": 181, + "width": 11, + "height": 11 + }, + { + "id": 33, + "class": "Compo", + "column_min": 27, + "row_min": 172, + "column_max": 44, + "row_max": 180, + "width": 17, + "height": 8 + }, + { + "id": 34, + "class": "Compo", + "column_min": 7, + "row_min": 197, + "column_max": 21, + "row_max": 209, + "width": 14, + "height": 12 + }, + { + "id": 35, + "class": "Compo", + "column_min": 27, + "row_min": 200, + "column_max": 44, + "row_max": 208, + "width": 17, + "height": 8 + }, + { + "id": 36, + "class": "Compo", + "column_min": 325, + "row_min": 204, + "column_max": 343, + "row_max": 209, + "width": 18, + "height": 5 + }, + { + "id": 37, + "class": "Compo", + "column_min": 345, + "row_min": 204, + "column_max": 361, + "row_max": 209, + "width": 16, + "height": 5 + }, + { + "id": 38, + "class": "Compo", + "column_min": 388, + "row_min": 204, + "column_max": 406, + "row_max": 209, + "width": 18, + "height": 5 + }, + { + "id": 39, + "class": "Compo", + "column_min": 408, + "row_min": 204, + "column_max": 429, + "row_max": 210, + "width": 21, + "height": 6 + }, + { + "id": 40, + "class": "Compo", + "column_min": 465, + "row_min": 204, + "column_max": 486, + "row_max": 209, + "width": 21, + "height": 5 + }, + { + "id": 41, + "class": "Compo", + "column_min": 527, + "row_min": 204, + "column_max": 537, + "row_max": 209, + "width": 10, + "height": 5 + }, + { + "id": 42, + "class": "Compo", + "column_min": 539, + "row_min": 204, + "column_max": 558, + "row_max": 209, + "width": 19, + "height": 5 + }, + { + "id": 43, + "class": "Compo", + "column_min": 594, + "row_min": 204, + "column_max": 623, + "row_max": 209, + "width": 29, + "height": 5 + }, + { + "id": 44, + "class": "Compo", + "column_min": 661, + "row_min": 204, + "column_max": 689, + "row_max": 209, + "width": 28, + "height": 5 + }, + { + "id": 45, + "class": "Compo", + "column_min": 720, + "row_min": 204, + "column_max": 748, + "row_max": 209, + "width": 28, + "height": 5 + }, + { + "id": 46, + "class": "Compo", + "column_min": 750, + "row_min": 204, + "column_max": 762, + "row_max": 209, + "width": 12, + "height": 5 + }, + { + "id": 47, + "class": "Compo", + "column_min": 7, + "row_min": 226, + "column_max": 19, + "row_max": 238, + "width": 12, + "height": 12 + }, + { + "id": 48, + "class": "Compo", + "column_min": 27, + "row_min": 228, + "column_max": 44, + "row_max": 237, + "width": 17, + "height": 9 + }, + { + "id": 49, + "class": "Compo", + "column_min": 461, + "row_min": 249, + "column_max": 466, + "row_max": 254, + "width": 5, + "height": 5 + }, + { + "id": 50, + "class": "Compo", + "column_min": 470, + "row_min": 249, + "column_max": 482, + "row_max": 255, + "width": 12, + "height": 6 + }, + { + "id": 51, + "class": "Compo", + "column_min": 513, + "row_min": 249, + "column_max": 519, + "row_max": 255, + "width": 6, + "height": 6 + }, + { + "id": 52, + "class": "Compo", + "column_min": 522, + "row_min": 249, + "column_max": 543, + "row_max": 254, + "width": 21, + "height": 5 + }, + { + "id": 53, + "class": "Compo", + "column_min": 574, + "row_min": 249, + "column_max": 580, + "row_max": 255, + "width": 6, + "height": 6 + }, + { + "id": 54, + "class": "Compo", + "column_min": 582, + "row_min": 249, + "column_max": 608, + "row_max": 255, + "width": 26, + "height": 6 + }, + { + "id": 55, + "class": "Compo", + "column_min": 7, + "row_min": 254, + "column_max": 19, + "row_max": 266, + "width": 12, + "height": 12 + }, + { + "id": 56, + "class": "Compo", + "column_min": 28, + "row_min": 256, + "column_max": 44, + "row_max": 265, + "width": 16, + "height": 9 + }, + { + "id": 57, + "class": "Compo", + "column_min": 298, + "row_min": 265, + "column_max": 454, + "row_max": 473, + "width": 156, + "height": 208 + }, + { + "id": 58, + "class": "Compo", + "column_min": 456, + "row_min": 265, + "column_max": 611, + "row_max": 473, + "width": 155, + "height": 208 + }, + { + "id": 59, + "class": "Compo", + "column_min": 613, + "row_min": 265, + "column_max": 768, + "row_max": 473, + "width": 155, + "height": 208 + }, + { + "id": 60, + "class": "Compo", + "column_min": 8, + "row_min": 422, + "column_max": 18, + "row_max": 434, + "width": 10, + "height": 12 + }, + { + "id": 61, + "class": "Compo", + "column_min": 27, + "row_min": 425, + "column_max": 59, + "row_max": 432, + "width": 32, + "height": 7 + }, + { + "id": 62, + "class": "Compo", + "column_min": 27, + "row_min": 453, + "column_max": 44, + "row_max": 461, + "width": 17, + "height": 8 + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/assets/demo3.png b/screencoder/demo/public/assets/demo3.png new file mode 100644 index 0000000000000000000000000000000000000000..fd8809e452b11a8dd11983f0089c7437fa23861f --- /dev/null +++ b/screencoder/demo/public/assets/demo3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5359e2b2308a8c2657bc42d54dced8098c37c17a092764bb800142bef4f0f05 +size 1499243 diff --git a/screencoder/demo/public/assets/demo3_cropped/demo3_1.png b/screencoder/demo/public/assets/demo3_cropped/demo3_1.png new file mode 100644 index 0000000000000000000000000000000000000000..dabe0dcfa0a1f75713473fa622a2ad80b7e990cb --- /dev/null +++ b/screencoder/demo/public/assets/demo3_cropped/demo3_1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d15af24d0ec0324694eb6c84a8353d7ac0040fe7ed3dfcbd07e591e04f18c57 +size 296820 diff --git a/screencoder/demo/public/assets/demo3_cropped/demo3_2.png b/screencoder/demo/public/assets/demo3_cropped/demo3_2.png new file mode 100644 index 0000000000000000000000000000000000000000..a94299526251ba9baf03cc630be029aed0f53d88 --- /dev/null +++ b/screencoder/demo/public/assets/demo3_cropped/demo3_2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ed00440e21784da53048aeb794da21c19c1b619ff566691717c7043fe4c296e +size 3726052 diff --git a/screencoder/demo/public/assets/demo3_cropped/demo3_3.png b/screencoder/demo/public/assets/demo3_cropped/demo3_3.png new file mode 100644 index 0000000000000000000000000000000000000000..41bb5f4db02b8505977f919fc4a507302812ac14 --- /dev/null +++ b/screencoder/demo/public/assets/demo3_cropped/demo3_3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4cf49b20391f8f96481ce3c668b98db8406535009109a41085ead8b02853e02f +size 205626 diff --git a/screencoder/demo/public/assets/demo3_cropped/demo3_4.png b/screencoder/demo/public/assets/demo3_cropped/demo3_4.png new file mode 100644 index 0000000000000000000000000000000000000000..d1784d8e02b5c53cad61c3ff30a69f3b63998b79 --- /dev/null +++ b/screencoder/demo/public/assets/demo3_cropped/demo3_4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52dd9c326e8bfd9e677f88e436626327b6806424838c397181b45079226e0211 +size 17634 diff --git a/screencoder/demo/public/assets/demo3_cropped/demo3_5.png b/screencoder/demo/public/assets/demo3_cropped/demo3_5.png new file mode 100644 index 0000000000000000000000000000000000000000..e6b75db4a769703030bc8cdb18df987707e3ccb7 --- /dev/null +++ b/screencoder/demo/public/assets/demo3_cropped/demo3_5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19e55a8d47ce62b41a8c11344bb568046f1e08ca6063af74e1b2c85d98da224b +size 1333398 diff --git a/screencoder/demo/public/assets/demo4.png b/screencoder/demo/public/assets/demo4.png new file mode 100644 index 0000000000000000000000000000000000000000..48326d964c2d2f47cf449a317a351ad77796b969 --- /dev/null +++ b/screencoder/demo/public/assets/demo4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:71392f5f39ad6e240963274f112cc34ba0363209587ac9d605b03ee9115c0722 +size 1902723 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_1.png b/screencoder/demo/public/assets/demo4_cropped/demo4_1.png new file mode 100644 index 0000000000000000000000000000000000000000..3858d201936e07bdac85407e2002e0c595e83f77 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_1.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a70a4ff331f5940127a425945eaa6f5fd758af1746d00f17cb11527e24d38445 +size 389175 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_10.png b/screencoder/demo/public/assets/demo4_cropped/demo4_10.png new file mode 100644 index 0000000000000000000000000000000000000000..10d5531e2c9833b25bcc6f87d879ef8363dc6fa7 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_10.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e1805df58048be98c1d1d09407f8abb796269e8d8e292483a7bac45c6b0a66e +size 80628 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_11.png b/screencoder/demo/public/assets/demo4_cropped/demo4_11.png new file mode 100644 index 0000000000000000000000000000000000000000..f7df24c74464a38713fbb15fef66a09f60fe8009 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_11.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39d735161906d5f3871c28cbc8a525795ceaa0e7680d842f0e87cce7dbc7923b +size 53963 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_12.png b/screencoder/demo/public/assets/demo4_cropped/demo4_12.png new file mode 100644 index 0000000000000000000000000000000000000000..53ad61db7f681e89353298543d155d89c6e7d140 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_12.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:481156c4417175762b6b4a3dfcccdedc6307c9c893769c5374f0df40932d04ff +size 48989 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_2.png b/screencoder/demo/public/assets/demo4_cropped/demo4_2.png new file mode 100644 index 0000000000000000000000000000000000000000..66a8d2b9e0148930d9d3a062dc70588074527060 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_2.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61dcc15bbfcfefc015b1be62e331feed2cfdbae85b86d6b512170debc51e7983 +size 50704 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_3.png b/screencoder/demo/public/assets/demo4_cropped/demo4_3.png new file mode 100644 index 0000000000000000000000000000000000000000..b61ec0987fdbf256afcaeafa3c1b51e8723be1d2 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_3.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:795b6c6ae4ea43513108a691660645c29b80fc0655489aae7c631d1b8ec40904 +size 92322 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_4.png b/screencoder/demo/public/assets/demo4_cropped/demo4_4.png new file mode 100644 index 0000000000000000000000000000000000000000..85711af8c6e3d88bce8df10f43e659639aacf479 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_4.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0929a61079beb3e3a9a9ba3dc8a3a0271fdfdd53e0b6eb9888feec98f9191d9 +size 89364 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_5.png b/screencoder/demo/public/assets/demo4_cropped/demo4_5.png new file mode 100644 index 0000000000000000000000000000000000000000..1800d06c21b4dd610e3f82992a691bb9361c95e4 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_5.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63ff196c5a9bd5df1305bfa46dd4434158b43c57a0a8b205da039e3f54e7e5bd +size 83900 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_6.png b/screencoder/demo/public/assets/demo4_cropped/demo4_6.png new file mode 100644 index 0000000000000000000000000000000000000000..40909fa456120c1b7e8a95e843beafd3984bacf3 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_6.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9981cc7a5205542352cac9c946500e6226bfb5bb18ef04f651a59fcf580ddd4 +size 6657 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_7.png b/screencoder/demo/public/assets/demo4_cropped/demo4_7.png new file mode 100644 index 0000000000000000000000000000000000000000..1e4690b9d1be5e77538958518515ff776564dbbb --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_7.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d8a9f579acf47e4bfad4fe1be711d057f3d854f265428ff47eab168e1f62f3d +size 14170 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_8.png b/screencoder/demo/public/assets/demo4_cropped/demo4_8.png new file mode 100644 index 0000000000000000000000000000000000000000..548128c315287c57e62694b6b91c3d935f45635c --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_8.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0709760b2cac038f3457b3d82bdc5ae835cc4f96e783b5151033a1d2a5de9de5 +size 35571 diff --git a/screencoder/demo/public/assets/demo4_cropped/demo4_9.png b/screencoder/demo/public/assets/demo4_cropped/demo4_9.png new file mode 100644 index 0000000000000000000000000000000000000000..76af08c071545db70a128869662c705b234a5c8b --- /dev/null +++ b/screencoder/demo/public/assets/demo4_cropped/demo4_9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7e504e241474c8debd3def120f89546d10b278986391528765115ba4eabee25 +size 35962 diff --git a/screencoder/demo/public/assets/demo4_output/ip/demo4.jpg b/screencoder/demo/public/assets/demo4_output/ip/demo4.jpg new file mode 100644 index 0000000000000000000000000000000000000000..faaac32025594f04f8c5e814d99751454a143426 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_output/ip/demo4.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d0360e6cc4f5cfaae98170b2eab0537f7fec011e829c69fc11b2fb9d63b79e23 +size 153209 diff --git a/screencoder/demo/public/assets/demo4_output/ip/demo4.json b/screencoder/demo/public/assets/demo4_output/ip/demo4.json new file mode 100644 index 0000000000000000000000000000000000000000..c869d8bb64d33e76a99e45da1be81319cb047a96 --- /dev/null +++ b/screencoder/demo/public/assets/demo4_output/ip/demo4.json @@ -0,0 +1,649 @@ +{ + "img_shape": [ + 473, + 799, + 3 + ], + "compos": [ + { + "id": 1, + "class": "Compo", + "column_min": 701, + "row_min": 5, + "column_max": 769, + "row_max": 39, + "width": 68, + "height": 34 + }, + { + "id": 2, + "class": "Compo", + "column_min": 424, + "row_min": 8, + "column_max": 437, + "row_max": 22, + "width": 13, + "height": 14 + }, + { + "id": 3, + "class": "Compo", + "column_min": 531, + "row_min": 9, + "column_max": 545, + "row_max": 21, + "width": 14, + "height": 12 + }, + { + "id": 4, + "class": "Compo", + "column_min": 585, + "row_min": 9, + "column_max": 598, + "row_max": 23, + "width": 13, + "height": 14 + }, + { + "id": 5, + "class": "Compo", + "column_min": 63, + "row_min": 13, + "column_max": 80, + "row_max": 31, + "width": 17, + "height": 18 + }, + { + "id": 6, + "class": "Compo", + "column_min": 370, + "row_min": 11, + "column_max": 383, + "row_max": 24, + "width": 13, + "height": 13 + }, + { + "id": 7, + "class": "Compo", + "column_min": 476, + "row_min": 11, + "column_max": 492, + "row_max": 23, + "width": 16, + "height": 12 + }, + { + "id": 8, + "class": "Compo", + "column_min": 11, + "row_min": 15, + "column_max": 61, + "row_max": 28, + "width": 50, + "height": 13 + }, + { + "id": 9, + "class": "Compo", + "column_min": 635, + "row_min": 18, + "column_max": 656, + "row_max": 27, + "width": 21, + "height": 9 + }, + { + "id": 10, + "class": "Compo", + "column_min": 659, + "row_min": 20, + "column_max": 680, + "row_max": 27, + "width": 21, + "height": 7 + }, + { + "id": 11, + "class": "Compo", + "column_min": 353, + "row_min": 27, + "column_max": 367, + "row_max": 35, + "width": 14, + "height": 8 + }, + { + "id": 12, + "class": "Compo", + "column_min": 370, + "row_min": 27, + "column_max": 400, + "row_max": 34, + "width": 30, + "height": 7 + }, + { + "id": 13, + "class": "Compo", + "column_min": 418, + "row_min": 26, + "column_max": 443, + "row_max": 34, + "width": 25, + "height": 8 + }, + { + "id": 14, + "class": "Compo", + "column_min": 468, + "row_min": 27, + "column_max": 500, + "row_max": 35, + "width": 32, + "height": 8 + }, + { + "id": 15, + "class": "Compo", + "column_min": 529, + "row_min": 27, + "column_max": 547, + "row_max": 34, + "width": 18, + "height": 7 + }, + { + "id": 16, + "class": "Compo", + "column_min": 578, + "row_min": 27, + "column_max": 604, + "row_max": 34, + "width": 26, + "height": 7 + }, + { + "id": 17, + "class": "Compo", + "column_min": 11, + "row_min": 61, + "column_max": 537, + "row_max": 384, + "width": 526, + "height": 323 + }, + { + "id": 18, + "class": "Compo", + "column_min": 554, + "row_min": 65, + "column_max": 593, + "row_max": 78, + "width": 39, + "height": 13 + }, + { + "id": 19, + "class": "Compo", + "column_min": 597, + "row_min": 65, + "column_max": 620, + "row_max": 78, + "width": 23, + "height": 13 + }, + { + "id": 20, + "class": "Compo", + "column_min": 621, + "row_min": 65, + "column_max": 642, + "row_max": 78, + "width": 21, + "height": 13 + }, + { + "id": 21, + "class": "Compo", + "column_min": 646, + "row_min": 65, + "column_max": 696, + "row_max": 80, + "width": 50, + "height": 15 + }, + { + "id": 22, + "class": "Compo", + "column_min": 555, + "row_min": 93, + "column_max": 590, + "row_max": 128, + "width": 35, + "height": 35 + }, + { + "id": 23, + "class": "Compo", + "column_min": 594, + "row_min": 98, + "column_max": 639, + "row_max": 107, + "width": 45, + "height": 9 + }, + { + "id": 24, + "class": "Compo", + "column_min": 642, + "row_min": 98, + "column_max": 670, + "row_max": 107, + "width": 28, + "height": 9 + }, + { + "id": 25, + "class": "Compo", + "column_min": 594, + "row_min": 115, + "column_max": 620, + "row_max": 123, + "width": 26, + "height": 8 + }, + { + "id": 26, + "class": "Compo", + "column_min": 623, + "row_min": 115, + "column_max": 644, + "row_max": 124, + "width": 21, + "height": 9 + }, + { + "id": 27, + "class": "Compo", + "column_min": 648, + "row_min": 115, + "column_max": 660, + "row_max": 123, + "width": 12, + "height": 8 + }, + { + "id": 28, + "class": "Compo", + "column_min": 588, + "row_min": 134, + "column_max": 665, + "row_max": 159, + "width": 77, + "height": 25 + }, + { + "id": 29, + "class": "Compo", + "column_min": 558, + "row_min": 171, + "column_max": 587, + "row_max": 205, + "width": 29, + "height": 34 + }, + { + "id": 30, + "class": "Compo", + "column_min": 594, + "row_min": 175, + "column_max": 628, + "row_max": 186, + "width": 34, + "height": 11 + }, + { + "id": 31, + "class": "Compo", + "column_min": 651, + "row_min": 175, + "column_max": 672, + "row_max": 184, + "width": 21, + "height": 9 + }, + { + "id": 32, + "class": "Compo", + "column_min": 631, + "row_min": 176, + "column_max": 648, + "row_max": 186, + "width": 17, + "height": 10 + }, + { + "id": 33, + "class": "Compo", + "column_min": 594, + "row_min": 192, + "column_max": 610, + "row_max": 200, + "width": 16, + "height": 8 + }, + { + "id": 34, + "class": "Compo", + "column_min": 613, + "row_min": 192, + "column_max": 655, + "row_max": 200, + "width": 42, + "height": 8 + }, + { + "id": 35, + "class": "Compo", + "column_min": 658, + "row_min": 193, + "column_max": 673, + "row_max": 202, + "width": 15, + "height": 9 + }, + { + "id": 36, + "class": "Compo", + "column_min": 676, + "row_min": 193, + "column_max": 695, + "row_max": 200, + "width": 19, + "height": 7 + }, + { + "id": 37, + "class": "Compo", + "column_min": 588, + "row_min": 211, + "column_max": 665, + "row_max": 236, + "width": 77, + "height": 25 + }, + { + "id": 38, + "class": "Compo", + "column_min": 555, + "row_min": 247, + "column_max": 590, + "row_max": 283, + "width": 35, + "height": 36 + }, + { + "id": 39, + "class": "Compo", + "column_min": 594, + "row_min": 252, + "column_max": 655, + "row_max": 263, + "width": 61, + "height": 11 + }, + { + "id": 40, + "class": "Compo", + "column_min": 657, + "row_min": 253, + "column_max": 688, + "row_max": 261, + "width": 31, + "height": 8 + }, + { + "id": 41, + "class": "Compo", + "column_min": 594, + "row_min": 270, + "column_max": 638, + "row_max": 277, + "width": 44, + "height": 7 + }, + { + "id": 42, + "class": "Compo", + "column_min": 643, + "row_min": 270, + "column_max": 662, + "row_max": 277, + "width": 19, + "height": 7 + }, + { + "id": 43, + "class": "Compo", + "column_min": 664, + "row_min": 270, + "column_max": 683, + "row_max": 277, + "width": 19, + "height": 7 + }, + { + "id": 44, + "class": "Compo", + "column_min": 686, + "row_min": 270, + "column_max": 740, + "row_max": 279, + "width": 54, + "height": 9 + }, + { + "id": 45, + "class": "Compo", + "column_min": 743, + "row_min": 270, + "column_max": 763, + "row_max": 277, + "width": 20, + "height": 7 + }, + { + "id": 46, + "class": "Compo", + "column_min": 588, + "row_min": 288, + "column_max": 665, + "row_max": 313, + "width": 77, + "height": 25 + }, + { + "id": 47, + "class": "Compo", + "column_min": 555, + "row_min": 326, + "column_max": 589, + "row_max": 360, + "width": 34, + "height": 34 + }, + { + "id": 48, + "class": "Compo", + "column_min": 594, + "row_min": 329, + "column_max": 626, + "row_max": 338, + "width": 32, + "height": 9 + }, + { + "id": 49, + "class": "Compo", + "column_min": 630, + "row_min": 329, + "column_max": 675, + "row_max": 338, + "width": 45, + "height": 9 + }, + { + "id": 50, + "class": "Compo", + "column_min": 594, + "row_min": 347, + "column_max": 620, + "row_max": 354, + "width": 26, + "height": 7 + }, + { + "id": 51, + "class": "Compo", + "column_min": 623, + "row_min": 347, + "column_max": 644, + "row_max": 356, + "width": 21, + "height": 9 + }, + { + "id": 52, + "class": "Compo", + "column_min": 648, + "row_min": 347, + "column_max": 660, + "row_max": 354, + "width": 12, + "height": 7 + }, + { + "id": 53, + "class": "Compo", + "column_min": 588, + "row_min": 365, + "column_max": 665, + "row_max": 391, + "width": 77, + "height": 26 + }, + { + "id": 54, + "class": "Compo", + "column_min": 555, + "row_min": 402, + "column_max": 590, + "row_max": 437, + "width": 35, + "height": 35 + }, + { + "id": 55, + "class": "Compo", + "column_min": 27, + "row_min": 410, + "column_max": 69, + "row_max": 422, + "width": 42, + "height": 12 + }, + { + "id": 56, + "class": "Compo", + "column_min": 594, + "row_min": 407, + "column_max": 615, + "row_max": 415, + "width": 21, + "height": 8 + }, + { + "id": 57, + "class": "Compo", + "column_min": 618, + "row_min": 407, + "column_max": 663, + "row_max": 415, + "width": 45, + "height": 8 + }, + { + "id": 58, + "class": "Compo", + "column_min": 594, + "row_min": 424, + "column_max": 613, + "row_max": 432, + "width": 19, + "height": 8 + }, + { + "id": 59, + "class": "Compo", + "column_min": 616, + "row_min": 424, + "column_max": 637, + "row_max": 433, + "width": 21, + "height": 9 + }, + { + "id": 60, + "class": "Compo", + "column_min": 641, + "row_min": 424, + "column_max": 653, + "row_max": 431, + "width": 12, + "height": 7 + }, + { + "id": 61, + "class": "Compo", + "column_min": 28, + "row_min": 437, + "column_max": 118, + "row_max": 448, + "width": 90, + "height": 11 + }, + { + "id": 62, + "class": "Compo", + "column_min": 121, + "row_min": 441, + "column_max": 136, + "row_max": 447, + "width": 15, + "height": 6 + }, + { + "id": 63, + "class": "Compo", + "column_min": 139, + "row_min": 441, + "column_max": 161, + "row_max": 447, + "width": 22, + "height": 6 + }, + { + "id": 64, + "class": "Compo", + "column_min": 588, + "row_min": 443, + "column_max": 665, + "row_max": 468, + "width": 77, + "height": 25 + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/demos.json b/screencoder/demo/public/demos.json new file mode 100644 index 0000000000000000000000000000000000000000..4e3a62f9399dad685011bffebb919eea3627839b --- /dev/null +++ b/screencoder/demo/public/demos.json @@ -0,0 +1,70 @@ +{ + "demos": [ + { + "id": "youtube-interface", + "name": "YouTube Interface", + "description": "Step-by-step construction process of YouTube homepage interface", + "thumbnail": "/assets/demo1.png", + "category": "video-platform", + "estimatedTime": "20 seconds", + "manifest": "/demos/youtube-interface/manifest.json", + "steps": 108, + "finalHtml": "/demos/youtube-interface/final_youtube.html" + }, + { + "id": "instagram", + "name": "Instagram Profile", + "description": "Step-by-step construction demo of Instagram profile page", + "thumbnail": "/assets/demo2.png", + "category": "social-media", + "estimatedTime": "25 seconds", + "manifest": "/demos/instagram/manifest.json", + "steps": 143, + "finalHtml": "/demos/instagram/final_ins.html" + }, + { + "id": "linkedin", + "name": "LinkedIn Profile", + "description": "Step-by-step construction demo of LinkedIn profile page", + "thumbnail": "/assets/demo4.png", + "category": "personal-website", + "estimatedTime": "20 seconds", + "manifest": "/demos/linkedin/manifest.json", + "steps": 112, + "finalHtml": "/demos/linkedin/final_linkedin.html" + }, + { + "id": "design", + "name": "Google Search Design", + "description": "Step-by-step construction demo of Google search results page", + "thumbnail": "/assets/demo3.png", + "category": "design", + "estimatedTime": "10 seconds", + "manifest": "/demos/design/manifest.json", + "steps": 58, + "finalHtml": "/demos/design/final_design.html" + } + ], + "categories": [ + { + "id": "video-platform", + "name": "Video Platform", + "description": "YouTube platform interfaces" + }, + { + "id": "social-media", + "name": "Social Media", + "description": "Instagram, LinkedIn interfaces" + }, + { + "id": "personal-website", + "name": "Personal Website", + "description": "Personal website interfaces" + }, + { + "id": "design", + "name": "Design", + "description": "Design interfaces" + } + ] +} \ No newline at end of file diff --git a/screencoder/demo/public/demos/design/0001.html b/screencoder/demo/public/demos/design/0001.html new file mode 100644 index 0000000000000000000000000000000000000000..0707bc7195231032bbfa65df213a40a87c218ff7 --- /dev/null +++ b/screencoder/demo/public/demos/design/0001.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0002.html b/screencoder/demo/public/demos/design/0002.html new file mode 100644 index 0000000000000000000000000000000000000000..aece2e8a59520fd304b794b8342fe1d6c89bf5f0 --- /dev/null +++ b/screencoder/demo/public/demos/design/0002.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0003.html b/screencoder/demo/public/demos/design/0003.html new file mode 100644 index 0000000000000000000000000000000000000000..ba636c8a2a9a2089e44cffb98d2e6bc213f2deb3 --- /dev/null +++ b/screencoder/demo/public/demos/design/0003.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0004.html b/screencoder/demo/public/demos/design/0004.html new file mode 100644 index 0000000000000000000000000000000000000000..8930443fc94efaa4c5690c87c3160e993472e29b --- /dev/null +++ b/screencoder/demo/public/demos/design/0004.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0005.html b/screencoder/demo/public/demos/design/0005.html new file mode 100644 index 0000000000000000000000000000000000000000..99f2b70ad12abd2b8c27e1bb25d8199958a462ae --- /dev/null +++ b/screencoder/demo/public/demos/design/0005.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0006.html b/screencoder/demo/public/demos/design/0006.html new file mode 100644 index 0000000000000000000000000000000000000000..7b821c51572f4b3586e368430d079553ded44ad5 --- /dev/null +++ b/screencoder/demo/public/demos/design/0006.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0007.html b/screencoder/demo/public/demos/design/0007.html new file mode 100644 index 0000000000000000000000000000000000000000..04bd12704b6907b471343b97c7cd67d1af72a6dc --- /dev/null +++ b/screencoder/demo/public/demos/design/0007.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0008.html b/screencoder/demo/public/demos/design/0008.html new file mode 100644 index 0000000000000000000000000000000000000000..a05d5848b5bc124197cbca0b925a35d319e03b1a --- /dev/null +++ b/screencoder/demo/public/demos/design/0008.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0009.html b/screencoder/demo/public/demos/design/0009.html new file mode 100644 index 0000000000000000000000000000000000000000..6fbd060736ac381fb372322fd3f7e5734bc30ab7 --- /dev/null +++ b/screencoder/demo/public/demos/design/0009.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0010.html b/screencoder/demo/public/demos/design/0010.html new file mode 100644 index 0000000000000000000000000000000000000000..6dc89cfba0b577aa55a5a81817362712ec24a757 --- /dev/null +++ b/screencoder/demo/public/demos/design/0010.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0011.html b/screencoder/demo/public/demos/design/0011.html new file mode 100644 index 0000000000000000000000000000000000000000..cfaa053c7127819a9c22726aabffb3cfc71a2319 --- /dev/null +++ b/screencoder/demo/public/demos/design/0011.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0012.html b/screencoder/demo/public/demos/design/0012.html new file mode 100644 index 0000000000000000000000000000000000000000..73f222c6c7296eb7699e5306d3f93f15fb59eb13 --- /dev/null +++ b/screencoder/demo/public/demos/design/0012.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0013.html b/screencoder/demo/public/demos/design/0013.html new file mode 100644 index 0000000000000000000000000000000000000000..a9b75b4528c30fb7ba120a1987a9270bc90afb01 --- /dev/null +++ b/screencoder/demo/public/demos/design/0013.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0014.html b/screencoder/demo/public/demos/design/0014.html new file mode 100644 index 0000000000000000000000000000000000000000..5acebf54bcd8744a6ac139b8543aebafd86390ee --- /dev/null +++ b/screencoder/demo/public/demos/design/0014.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0015.html b/screencoder/demo/public/demos/design/0015.html new file mode 100644 index 0000000000000000000000000000000000000000..62abae638126280ceda695c97d4b8d7e09839223 --- /dev/null +++ b/screencoder/demo/public/demos/design/0015.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0016.html b/screencoder/demo/public/demos/design/0016.html new file mode 100644 index 0000000000000000000000000000000000000000..55550f1e6a2342de497d75bdfac38ea8e70ff977 --- /dev/null +++ b/screencoder/demo/public/demos/design/0016.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0017.html b/screencoder/demo/public/demos/design/0017.html new file mode 100644 index 0000000000000000000000000000000000000000..fe802cf1800946662cc5b79738fac12e2685fbf6 --- /dev/null +++ b/screencoder/demo/public/demos/design/0017.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0018.html b/screencoder/demo/public/demos/design/0018.html new file mode 100644 index 0000000000000000000000000000000000000000..2249254f63ff217a743bb721071a6ea0600ed92d --- /dev/null +++ b/screencoder/demo/public/demos/design/0018.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0019.html b/screencoder/demo/public/demos/design/0019.html new file mode 100644 index 0000000000000000000000000000000000000000..b2aafa90cb25c74cc0166d1e01ba9ded0b05adc9 --- /dev/null +++ b/screencoder/demo/public/demos/design/0019.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0020.html b/screencoder/demo/public/demos/design/0020.html new file mode 100644 index 0000000000000000000000000000000000000000..ec1f85744e842ebd235f5c5c79b5d07368036caa --- /dev/null +++ b/screencoder/demo/public/demos/design/0020.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0021.html b/screencoder/demo/public/demos/design/0021.html new file mode 100644 index 0000000000000000000000000000000000000000..4911db2df58dd815d4a66de8ab6ad4980f3cb049 --- /dev/null +++ b/screencoder/demo/public/demos/design/0021.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0022.html b/screencoder/demo/public/demos/design/0022.html new file mode 100644 index 0000000000000000000000000000000000000000..85583e1d81267e2ca53ed30582675eb234516471 --- /dev/null +++ b/screencoder/demo/public/demos/design/0022.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0023.html b/screencoder/demo/public/demos/design/0023.html new file mode 100644 index 0000000000000000000000000000000000000000..d8f267a1399437912ef87e60ba710d26d2af9049 --- /dev/null +++ b/screencoder/demo/public/demos/design/0023.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0024.html b/screencoder/demo/public/demos/design/0024.html new file mode 100644 index 0000000000000000000000000000000000000000..0031d8c3ae4d5abc533365e3696f21736bbce83d --- /dev/null +++ b/screencoder/demo/public/demos/design/0024.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0025.html b/screencoder/demo/public/demos/design/0025.html new file mode 100644 index 0000000000000000000000000000000000000000..7bb531cd91cd69aa78e4d1f0f2842e612d6be40d --- /dev/null +++ b/screencoder/demo/public/demos/design/0025.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0026.html b/screencoder/demo/public/demos/design/0026.html new file mode 100644 index 0000000000000000000000000000000000000000..b5697ef6d1e39379df9006b14a2c0a05156de17c --- /dev/null +++ b/screencoder/demo/public/demos/design/0026.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0027.html b/screencoder/demo/public/demos/design/0027.html new file mode 100644 index 0000000000000000000000000000000000000000..f630ab9a80dc4ad3082819bd2ca011f78992de39 --- /dev/null +++ b/screencoder/demo/public/demos/design/0027.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0028.html b/screencoder/demo/public/demos/design/0028.html new file mode 100644 index 0000000000000000000000000000000000000000..ba7785c6ed0846eae26c15cef09089173b3bfb76 --- /dev/null +++ b/screencoder/demo/public/demos/design/0028.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0029.html b/screencoder/demo/public/demos/design/0029.html new file mode 100644 index 0000000000000000000000000000000000000000..67bcb5523a6f2ebaaf684636dfef2ac282db6761 --- /dev/null +++ b/screencoder/demo/public/demos/design/0029.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0030.html b/screencoder/demo/public/demos/design/0030.html new file mode 100644 index 0000000000000000000000000000000000000000..31f8ee1b56bdcdfd0b699612469f9cc2c57ead19 --- /dev/null +++ b/screencoder/demo/public/demos/design/0030.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0031.html b/screencoder/demo/public/demos/design/0031.html new file mode 100644 index 0000000000000000000000000000000000000000..b8523a6c1c0a535e12ce83eef635e476efa6c153 --- /dev/null +++ b/screencoder/demo/public/demos/design/0031.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0032.html b/screencoder/demo/public/demos/design/0032.html new file mode 100644 index 0000000000000000000000000000000000000000..25bb2496d5aa875332b7611cce48a3b17cb41142 --- /dev/null +++ b/screencoder/demo/public/demos/design/0032.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0033.html b/screencoder/demo/public/demos/design/0033.html new file mode 100644 index 0000000000000000000000000000000000000000..f852b2c58d774593e4fd7721c8471c489cb4f0ad --- /dev/null +++ b/screencoder/demo/public/demos/design/0033.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0034.html b/screencoder/demo/public/demos/design/0034.html new file mode 100644 index 0000000000000000000000000000000000000000..7d71424e2bf711dc035ceee07cdb1e4d44600410 --- /dev/null +++ b/screencoder/demo/public/demos/design/0034.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0035.html b/screencoder/demo/public/demos/design/0035.html new file mode 100644 index 0000000000000000000000000000000000000000..f08a775f4387d2766f2a4c7f0a89d172ffa30fd0 --- /dev/null +++ b/screencoder/demo/public/demos/design/0035.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0036.html b/screencoder/demo/public/demos/design/0036.html new file mode 100644 index 0000000000000000000000000000000000000000..4bc70c21e85a730accf545d65933a49e326141d0 --- /dev/null +++ b/screencoder/demo/public/demos/design/0036.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0037.html b/screencoder/demo/public/demos/design/0037.html new file mode 100644 index 0000000000000000000000000000000000000000..cb7983ddf7644b0e1a8cbbabcf56488d4e51b866 --- /dev/null +++ b/screencoder/demo/public/demos/design/0037.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0038.html b/screencoder/demo/public/demos/design/0038.html new file mode 100644 index 0000000000000000000000000000000000000000..d2e217ac8ec62aea0b3cebc6b81dd322463faacf --- /dev/null +++ b/screencoder/demo/public/demos/design/0038.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0039.html b/screencoder/demo/public/demos/design/0039.html new file mode 100644 index 0000000000000000000000000000000000000000..40c82d28e68d335ecc5b958c42549c5dd3eced25 --- /dev/null +++ b/screencoder/demo/public/demos/design/0039.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0040.html b/screencoder/demo/public/demos/design/0040.html new file mode 100644 index 0000000000000000000000000000000000000000..1526b96f41ca9d517e60268def5d43df6dc271df --- /dev/null +++ b/screencoder/demo/public/demos/design/0040.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0041.html b/screencoder/demo/public/demos/design/0041.html new file mode 100644 index 0000000000000000000000000000000000000000..aa12faf5a03e6be3f7c9fa3aa06224d00ea46bcd --- /dev/null +++ b/screencoder/demo/public/demos/design/0041.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0042.html b/screencoder/demo/public/demos/design/0042.html new file mode 100644 index 0000000000000000000000000000000000000000..c8fedc7aa72925e37797605614c98fc8d0a50fee --- /dev/null +++ b/screencoder/demo/public/demos/design/0042.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0043.html b/screencoder/demo/public/demos/design/0043.html new file mode 100644 index 0000000000000000000000000000000000000000..0b296419e6a06044be04d914b01bbbeaaf41508a --- /dev/null +++ b/screencoder/demo/public/demos/design/0043.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0044.html b/screencoder/demo/public/demos/design/0044.html new file mode 100644 index 0000000000000000000000000000000000000000..74464c6516316385e54de0ee3cc93ec79b21415e --- /dev/null +++ b/screencoder/demo/public/demos/design/0044.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0045.html b/screencoder/demo/public/demos/design/0045.html new file mode 100644 index 0000000000000000000000000000000000000000..b7f20303dba1b3e2fa5e02f666f93d47e7501ca2 --- /dev/null +++ b/screencoder/demo/public/demos/design/0045.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0046.html b/screencoder/demo/public/demos/design/0046.html new file mode 100644 index 0000000000000000000000000000000000000000..e839d75c0fcb2579407e17fbedfbc69374a06e33 --- /dev/null +++ b/screencoder/demo/public/demos/design/0046.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0047.html b/screencoder/demo/public/demos/design/0047.html new file mode 100644 index 0000000000000000000000000000000000000000..8982aa5d6b91816bc1c52b3e76176765ca17c9de --- /dev/null +++ b/screencoder/demo/public/demos/design/0047.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0048.html b/screencoder/demo/public/demos/design/0048.html new file mode 100644 index 0000000000000000000000000000000000000000..377991bca000139b51ad4ac8d9f08a99c9550335 --- /dev/null +++ b/screencoder/demo/public/demos/design/0048.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0049.html b/screencoder/demo/public/demos/design/0049.html new file mode 100644 index 0000000000000000000000000000000000000000..0411717f5731ea1effb30a37edfcb31e43f1e8f8 --- /dev/null +++ b/screencoder/demo/public/demos/design/0049.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0050.html b/screencoder/demo/public/demos/design/0050.html new file mode 100644 index 0000000000000000000000000000000000000000..7f085c8fa78de46ca2bc649787acf3b7c65f48c5 --- /dev/null +++ b/screencoder/demo/public/demos/design/0050.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0051.html b/screencoder/demo/public/demos/design/0051.html new file mode 100644 index 0000000000000000000000000000000000000000..6b09d9af80fca30dff4022bf6271c46f9e4c70cd --- /dev/null +++ b/screencoder/demo/public/demos/design/0051.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0052.html b/screencoder/demo/public/demos/design/0052.html new file mode 100644 index 0000000000000000000000000000000000000000..3f81eeedd82a756bed7eda265801cd2bc2cce863 --- /dev/null +++ b/screencoder/demo/public/demos/design/0052.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0053.html b/screencoder/demo/public/demos/design/0053.html new file mode 100644 index 0000000000000000000000000000000000000000..db398c133bd414e9b0b3b7f5771f649537be64d9 --- /dev/null +++ b/screencoder/demo/public/demos/design/0053.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0054.html b/screencoder/demo/public/demos/design/0054.html new file mode 100644 index 0000000000000000000000000000000000000000..9265ab73f46b945cf4bf0892accceec6eec797a5 --- /dev/null +++ b/screencoder/demo/public/demos/design/0054.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0055.html b/screencoder/demo/public/demos/design/0055.html new file mode 100644 index 0000000000000000000000000000000000000000..a261b0b9b813b5052d43067785eb74c959648fe9 --- /dev/null +++ b/screencoder/demo/public/demos/design/0055.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0056.html b/screencoder/demo/public/demos/design/0056.html new file mode 100644 index 0000000000000000000000000000000000000000..3acd43cc8765c650b6a6dd06565fb8bc02b8fc28 --- /dev/null +++ b/screencoder/demo/public/demos/design/0056.html @@ -0,0 +1,176 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0057.html b/screencoder/demo/public/demos/design/0057.html new file mode 100644 index 0000000000000000000000000000000000000000..d1da26b0e2c108a753afcd7aef6e73fe4284eae3 --- /dev/null +++ b/screencoder/demo/public/demos/design/0057.html @@ -0,0 +1,179 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+

+ Donald Trump’s entry covers business, "The Apprentice," presidency, policies, and post-White House influence—capturing a polarizing political legacy. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0058.html b/screencoder/demo/public/demos/design/0058.html new file mode 100644 index 0000000000000000000000000000000000000000..22a778dd51e060847b6457355c459dba90bdc47e --- /dev/null +++ b/screencoder/demo/public/demos/design/0058.html @@ -0,0 +1,188 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+

+ Tesla revolutionized electric cars under him, while SpaceX mastered reusable rockets, slashing space travel costs. Ambitions like Mars colonization drive innovation globally. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+

+ Post-presidency, he influences GOP dynamics. His "America First" policies and media presence kept him central in political discourse. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+

+ His real estate empire and branding ventures show enduring corporate influence, even amid political turbulence. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+

+ Donald Trump’s entry covers business, "The Apprentice," presidency, policies, and post-White House influence—capturing a polarizing political legacy. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0059.html b/screencoder/demo/public/demos/design/0059.html new file mode 100644 index 0000000000000000000000000000000000000000..985fa08a682129b4b738d2315d76258a5afab310 --- /dev/null +++ b/screencoder/demo/public/demos/design/0059.html @@ -0,0 +1,188 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+

+ Tesla revolutionized electric cars under him, while SpaceX mastered reusable rockets, slashing space travel costs. Ambitions like Mars colonization drive innovation globally. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+

+ Post-presidency, he influences GOP dynamics. His "America First" policies and media presence kept him central in political discourse. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+

+ His real estate empire and branding ventures show enduring corporate influence, even amid political turbulence. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+

+ Donald Trump’s entry covers business, "The Apprentice," presidency, policies, and post-White House influence—capturing a polarizing political legacy. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0060.html b/screencoder/demo/public/demos/design/0060.html new file mode 100644 index 0000000000000000000000000000000000000000..fa61667ed64cda4c279ab10d16fe506c30d4a072 --- /dev/null +++ b/screencoder/demo/public/demos/design/0060.html @@ -0,0 +1,188 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+

+ Tesla revolutionized electric cars under him, while SpaceX mastered reusable rockets, slashing space travel costs. Ambitions like Mars colonization drive innovation globally. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+

+ Post-presidency, he influences GOP dynamics. His "America First" policies and media presence kept him central in political discourse. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+

+ His real estate empire and branding ventures show enduring corporate influence, even amid political turbulence. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+

+ Donald Trump’s entry covers business, "The Apprentice," presidency, policies, and post-White House influence—capturing a polarizing political legacy. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/0061.html b/screencoder/demo/public/demos/design/0061.html new file mode 100644 index 0000000000000000000000000000000000000000..8099c762b4d31965ccbd184a15ae1c25fb320f52 --- /dev/null +++ b/screencoder/demo/public/demos/design/0061.html @@ -0,0 +1,191 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+

+ Tesla revolutionized electric cars under him, while SpaceX mastered reusable rockets, slashing space travel costs. Ambitions like Mars colonization drive innovation globally. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+

+ Post-presidency, he influences GOP dynamics. His "America First" policies and media presence kept him central in political discourse. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+

+ His real estate empire and branding ventures show enduring corporate influence, even amid political turbulence. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+

+ Donald Trump’s entry covers business, "The Apprentice," presidency, policies, and post-White House influence—capturing a polarizing political legacy. +

+

+ Both pages act as encyclopedic hubs, tracking achievements, controversies, and how they shaped business, tech, and political landscapes worldwide. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud highlights a clash between political power and technological influence. Elon Musk criticized Donald Trump’s leadership on issues like COVID-19 and climate change, while Trump accused Musk of relying on government support for his companies. Their rivalry escalated in 2024 through public exchanges on social media platforms, reflecting deeper ideological divides. Musk represents innovation and futurism, while Trump appeals to traditional conservative values. Despite their differences, both continue to shape public discourse and influence their respective spheres. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/final_design.html b/screencoder/demo/public/demos/design/final_design.html new file mode 100644 index 0000000000000000000000000000000000000000..9e2f3edbcdd52387d4b08fdd8399e4e9cbfa5a6d --- /dev/null +++ b/screencoder/demo/public/demos/design/final_design.html @@ -0,0 +1,171 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + + Story 1 +
+
+
+ +
+
+

+ Top stories +

+
+
+ Story 1 +
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+ Story 2 +
+
+ Story 3 +
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+ Feud Image +
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/design/manifest.json b/screencoder/demo/public/demos/design/manifest.json new file mode 100644 index 0000000000000000000000000000000000000000..8887ca522f3ca0e50d64e39a1bcc3c0ffd0c50e6 --- /dev/null +++ b/screencoder/demo/public/demos/design/manifest.json @@ -0,0 +1,282 @@ +[ + { + "file": "0001.html", + "caption": "Elements: 1/56", + "diff": "" + }, + { + "file": "0002.html", + "caption": "Elements: 2/56", + "diff": "--- \n+++ \n@@ -36,7 +36,7 @@\n
\n
\n
\n-\n+\n Google\n \n
" + }, + { + "file": "0003.html", + "caption": "Elements: 3/56", + "diff": "--- \n+++ \n@@ -39,7 +39,7 @@\n \n Google\n \n-
\n+
\n \n \n " + }, + { + "file": "0004.html", + "caption": "Elements: 4/56", + "diff": "--- \n+++ \n@@ -40,7 +40,7 @@\n Google\n \n
\n-\n+\n \n \n " + }, + { + "file": "0005.html", + "caption": "Elements: 5/56", + "diff": "--- \n+++ \n@@ -41,7 +41,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0006.html", + "caption": "Elements: 6/56", + "diff": "--- \n+++ \n@@ -42,7 +42,7 @@\n
\n \n \n-\n+\n \n \n
" + }, + { + "file": "0007.html", + "caption": "Elements: 7/56", + "diff": "--- \n+++ \n@@ -46,7 +46,7 @@\n \n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0008.html", + "caption": "Elements: 8/56", + "diff": "--- \n+++ \n@@ -47,7 +47,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0009.html", + "caption": "Elements: 9/56", + "diff": "--- \n+++ \n@@ -48,7 +48,7 @@\n
\n
\n \n-\n+\n \n \n
" + }, + { + "file": "0010.html", + "caption": "Elements: 10/56", + "diff": "--- \n+++ \n@@ -51,7 +51,7 @@\n \n \n \n-
\n+
\n
\n
\n
" + }, + { + "file": "0011.html", + "caption": "Elements: 11/56", + "diff": "--- \n+++ \n@@ -57,7 +57,7 @@\n
\n
\n
\n-\n
\n-
\n+
\n

\n Top stories\n

" + }, + { + "file": "0019.html", + "caption": "Elements: 19/56", + "diff": "--- \n+++ \n@@ -80,7 +80,7 @@\n
\n
\n
\n-

\n+

\n Top stories\n

\n
" + }, + { + "file": "0020.html", + "caption": "Elements: 20/56", + "diff": "--- \n+++ \n@@ -83,7 +83,7 @@\n

\n Top stories\n

\n-
\n+
\n
\n
\n
" + }, + { + "file": "0021.html", + "caption": "Elements: 21/56", + "diff": "--- \n+++ \n@@ -84,7 +84,7 @@\n Top stories\n \n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0022.html", + "caption": "Elements: 22/56", + "diff": "--- \n+++ \n@@ -85,7 +85,7 @@\n \n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0023.html", + "caption": "Elements: 23/56", + "diff": "--- \n+++ \n@@ -87,7 +87,7 @@\n

\n
\n
\n-
\n+
\n

\n Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries.\n

" + }, + { + "file": "0024.html", + "caption": "Elements: 24/56", + "diff": "--- \n+++ \n@@ -88,7 +88,7 @@\n
\n
\n
\n-

\n+

\n Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries.\n

\n
" + }, + { + "file": "0025.html", + "caption": "Elements: 25/56", + "diff": "--- \n+++ \n@@ -92,7 +92,7 @@\n Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries.\n

\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0026.html", + "caption": "Elements: 26/56", + "diff": "--- \n+++ \n@@ -95,7 +95,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0027.html", + "caption": "Elements: 27/56", + "diff": "--- \n+++ \n@@ -96,7 +96,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0028.html", + "caption": "Elements: 28/56", + "diff": "--- \n+++ \n@@ -98,7 +98,7 @@\n

\n
\n
\n-
\n+
\n

\n Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, \"The Apprentice,\" he prioritized immigration, trade, and tax reforms in office.\n

" + }, + { + "file": "0029.html", + "caption": "Elements: 29/56", + "diff": "--- \n+++ \n@@ -99,7 +99,7 @@\n
\n
\n
\n-

\n+

\n Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, \"The Apprentice,\" he prioritized immigration, trade, and tax reforms in office.\n

\n
" + }, + { + "file": "0030.html", + "caption": "Elements: 30/56", + "diff": "--- \n+++ \n@@ -103,7 +103,7 @@\n Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, \"The Apprentice,\" he prioritized immigration, trade, and tax reforms in office.\n

\n
\n-
\n+
\n

\n Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture.\n

" + }, + { + "file": "0031.html", + "caption": "Elements: 31/56", + "diff": "--- \n+++ \n@@ -104,7 +104,7 @@\n

\n
\n
\n-

\n+

\n Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture.\n

\n
" + }, + { + "file": "0032.html", + "caption": "Elements: 32/56", + "diff": "--- \n+++ \n@@ -110,7 +110,7 @@\n
\n
\n
\n-\n
" + }, + { + "file": "0033.html", + "caption": "Elements: 33/56", + "diff": "--- \n+++ \n@@ -113,7 +113,7 @@\n \n-
\n+
\n
\n

Wikipedia

\n
" + }, + { + "file": "0034.html", + "caption": "Elements: 34/56", + "diff": "--- \n+++ \n@@ -114,7 +114,7 @@\n More news\n \n
\n-
\n+
\n

Wikipedia

\n
\n

" + }, + { + "file": "0035.html", + "caption": "Elements: 35/56", + "diff": "--- \n+++ \n@@ -115,7 +115,7 @@\n \n


\n
\n-

Wikipedia

\n+

Wikipedia

\n
\n

\n Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts." + }, + { + "file": "0036.html", + "caption": "Elements: 36/56", + "diff": "--- \n+++ \n@@ -116,7 +116,7 @@\n


\n
\n

Wikipedia

\n-
\n+
\n

\n Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts.\n

" + }, + { + "file": "0037.html", + "caption": "Elements: 37/56", + "diff": "--- \n+++ \n@@ -117,7 +117,7 @@\n
\n

Wikipedia

\n
\n-

\n+

\n Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts.\n

\n
" + }, + { + "file": "0038.html", + "caption": "Elements: 38/56", + "diff": "--- \n+++ \n@@ -125,7 +125,7 @@\n
\n
\n
\n-
\n+
\n

\n Trump-Musk feud\n

" + }, + { + "file": "0039.html", + "caption": "Elements: 39/56", + "diff": "--- \n+++ \n@@ -126,7 +126,7 @@\n
\n
\n
\n-

\n+

\n Trump-Musk feud\n

\n
" + }, + { + "file": "0040.html", + "caption": "Elements: 40/56", + "diff": "--- \n+++ \n@@ -129,7 +129,7 @@\n

\n Trump-Musk feud\n

\n-
\n+
\n
\n \n " + }, + { + "file": "0041.html", + "caption": "Elements: 41/56", + "diff": "--- \n+++ \n@@ -130,7 +130,7 @@\n Trump-Musk feud\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0042.html", + "caption": "Elements: 42/56", + "diff": "--- \n+++ \n@@ -131,7 +131,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0043.html", + "caption": "Elements: 43/56", + "diff": "--- \n+++ \n@@ -132,7 +132,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0044.html", + "caption": "Elements: 44/56", + "diff": "--- \n+++ \n@@ -135,7 +135,7 @@\n \n \n \n-\n+\n Source\n \n " + }, + { + "file": "0045.html", + "caption": "Elements: 45/56", + "diff": "--- \n+++ \n@@ -138,7 +138,7 @@\n \n Source\n \n-\n+\n Politico\n \n
" + }, + { + "file": "0046.html", + "caption": "Elements: 46/56", + "diff": "--- \n+++ \n@@ -142,7 +142,7 @@\n Politico\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0047.html", + "caption": "Elements: 47/56", + "diff": "--- \n+++ \n@@ -143,7 +143,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0048.html", + "caption": "Elements: 48/56", + "diff": "--- \n+++ \n@@ -144,7 +144,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0049.html", + "caption": "Elements: 49/56", + "diff": "--- \n+++ \n@@ -147,7 +147,7 @@\n \n \n \n-\n+\n Start date\n \n " + }, + { + "file": "0050.html", + "caption": "Elements: 50/56", + "diff": "--- \n+++ \n@@ -150,7 +150,7 @@\n \n Start date\n \n-\n+\n April 2024\n \n
" + }, + { + "file": "0051.html", + "caption": "Elements: 51/56", + "diff": "--- \n+++ \n@@ -154,7 +154,7 @@\n April 2024\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0052.html", + "caption": "Elements: 52/56", + "diff": "--- \n+++ \n@@ -155,7 +155,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0053.html", + "caption": "Elements: 53/56", + "diff": "--- \n+++ \n@@ -156,7 +156,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0054.html", + "caption": "Elements: 54/56", + "diff": "--- \n+++ \n@@ -159,7 +159,7 @@\n \n \n \n-\n+\n Cause\n \n " + }, + { + "file": "0055.html", + "caption": "Elements: 55/56", + "diff": "--- \n+++ \n@@ -162,7 +162,7 @@\n \n Cause\n \n-\n+\n Social media spat\n \n
" + }, + { + "file": "0056.html", + "caption": "Elements: 56/56", + "diff": "--- \n+++ \n@@ -166,7 +166,7 @@\n Social media spat\n \n
\n-

\n+

\n The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings.\n

\n
" + } +] \ No newline at end of file diff --git a/screencoder/demo/public/demos/design/original_design.html b/screencoder/demo/public/demos/design/original_design.html new file mode 100644 index 0000000000000000000000000000000000000000..3f46cf82e25a7bb122cf19c52775a5dcdf1b6acb --- /dev/null +++ b/screencoder/demo/public/demos/design/original_design.html @@ -0,0 +1,175 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + Google + +
+ + + + + +
+
+ + + + +
+
+
+
+
+ +
+
+

+ Top stories +

+
+
+
+
+
+

+ Elon Musk is a visionary entrepreneur leading Tesla, SpaceX, Neuralink, & The Boring Company. His work in EVs, space tech, and brain-computer interfaces reshapes industries. +

+
+
+
+
+
+
+
+
+

+ Donald Trump, ex-US President, is a businessman & TV personality. Known for real estate, "The Apprentice," he prioritized immigration, trade, and tax reforms in office. +

+
+
+

+ Trump’s career blends business, entertainment, & politics. Controversies and policy shifts defined his term, leaving a lasting mark on US political culture. +

+
+
+
+ +
+
+

Wikipedia

+
+

+ Elon Musk’s Wikipedia details his S.African roots, PayPal founding, Tesla’s EV dominance, and SpaceX’s reusable rockets—chronicling tech revolution efforts. +

+
+
+
+
+
+
+

+ Trump-Musk feud +

+
+
+ + + + + + Source + + + Politico + +
+
+ + + + + + Start date + + + April 2024 + +
+
+ + + + + + Cause + + + Social media spat + +
+

+ The Trump-Musk feud reflects tensions between tech innovation and conservative politics, marked by public clashes over policy, leadership, and influence, with both figures commanding large, opposing followings. +

+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0001.html b/screencoder/demo/public/demos/instagram/0001.html new file mode 100644 index 0000000000000000000000000000000000000000..10a44d9086393c09047dbf387c516c4adb59cb90 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0001.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0002.html b/screencoder/demo/public/demos/instagram/0002.html new file mode 100644 index 0000000000000000000000000000000000000000..c8f7d9ce4c894e59f47e46f3c9eaabce1802f7eb --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0002.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0003.html b/screencoder/demo/public/demos/instagram/0003.html new file mode 100644 index 0000000000000000000000000000000000000000..ddcd4de92971dac00cf8ede43b940352cfdfa144 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0003.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0004.html b/screencoder/demo/public/demos/instagram/0004.html new file mode 100644 index 0000000000000000000000000000000000000000..63d89b097d82e9ca9cbee451e9ab7be25236ba51 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0004.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0005.html b/screencoder/demo/public/demos/instagram/0005.html new file mode 100644 index 0000000000000000000000000000000000000000..ef16aab3b16954a759e076780915fc6a54631b6c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0005.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0006.html b/screencoder/demo/public/demos/instagram/0006.html new file mode 100644 index 0000000000000000000000000000000000000000..cf64322aeae902301527851ac6a04c5916fefcb1 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0006.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0007.html b/screencoder/demo/public/demos/instagram/0007.html new file mode 100644 index 0000000000000000000000000000000000000000..7a6ba33860fc58a36f5965a31f4a9e88fd87b50a --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0007.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0008.html b/screencoder/demo/public/demos/instagram/0008.html new file mode 100644 index 0000000000000000000000000000000000000000..82ddc0b9c96d65c39307ed217e6111035985ece4 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0008.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0009.html b/screencoder/demo/public/demos/instagram/0009.html new file mode 100644 index 0000000000000000000000000000000000000000..066a3b770cdf908f8e7ff3f9f383900acff1895a --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0009.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0010.html b/screencoder/demo/public/demos/instagram/0010.html new file mode 100644 index 0000000000000000000000000000000000000000..4459ca6d0f6b23f264a35d344b31aa52f412455f --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0010.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0011.html b/screencoder/demo/public/demos/instagram/0011.html new file mode 100644 index 0000000000000000000000000000000000000000..1cbc77d17a10c12ee2fc5cdf9e7e196a589772cb --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0011.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0012.html b/screencoder/demo/public/demos/instagram/0012.html new file mode 100644 index 0000000000000000000000000000000000000000..1c7fae120bc1e6a988fc8e3b6a889332710a55be --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0012.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0013.html b/screencoder/demo/public/demos/instagram/0013.html new file mode 100644 index 0000000000000000000000000000000000000000..ded54357f54c178201ae557ddd9de1683a468a78 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0013.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0014.html b/screencoder/demo/public/demos/instagram/0014.html new file mode 100644 index 0000000000000000000000000000000000000000..083d79353b273b504a40d628cbf17a486088fa94 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0014.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0015.html b/screencoder/demo/public/demos/instagram/0015.html new file mode 100644 index 0000000000000000000000000000000000000000..715dbdfee1d99f579b3a4268712cfc82b5d8f9d1 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0015.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0016.html b/screencoder/demo/public/demos/instagram/0016.html new file mode 100644 index 0000000000000000000000000000000000000000..1b45b965308074535786d5dcddeeb2abb969eb70 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0016.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0017.html b/screencoder/demo/public/demos/instagram/0017.html new file mode 100644 index 0000000000000000000000000000000000000000..d9a7ee6c4f970535d9f3c2a7bf644923bc6a665f --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0017.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0018.html b/screencoder/demo/public/demos/instagram/0018.html new file mode 100644 index 0000000000000000000000000000000000000000..117d5cdfee7a7660948a79a4447f1856eea22dae --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0018.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0019.html b/screencoder/demo/public/demos/instagram/0019.html new file mode 100644 index 0000000000000000000000000000000000000000..625e24d6bef4efa23fe430c44019bb69b576ba63 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0019.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0020.html b/screencoder/demo/public/demos/instagram/0020.html new file mode 100644 index 0000000000000000000000000000000000000000..ff3d0a3701e8bc4de9a92e44db9da72768bcc956 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0020.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0021.html b/screencoder/demo/public/demos/instagram/0021.html new file mode 100644 index 0000000000000000000000000000000000000000..b34fb446f7fe14153d7b732484bfcb390bf7dedd --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0021.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0022.html b/screencoder/demo/public/demos/instagram/0022.html new file mode 100644 index 0000000000000000000000000000000000000000..447f79551ec34c078838a1d687e8355caff6842a --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0022.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0023.html b/screencoder/demo/public/demos/instagram/0023.html new file mode 100644 index 0000000000000000000000000000000000000000..0e30c88ae4d7a66c90f1c460cfc9257bfd56db3b --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0023.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0024.html b/screencoder/demo/public/demos/instagram/0024.html new file mode 100644 index 0000000000000000000000000000000000000000..768596021ccd62ee87d91d49cc9321918a74ac82 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0024.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0025.html b/screencoder/demo/public/demos/instagram/0025.html new file mode 100644 index 0000000000000000000000000000000000000000..de4047ec6ef18d0cfd613a756fbefea8f3894e34 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0025.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0026.html b/screencoder/demo/public/demos/instagram/0026.html new file mode 100644 index 0000000000000000000000000000000000000000..4b001e44682fc62051a2cf97c9bddb0aa7d5d114 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0026.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0027.html b/screencoder/demo/public/demos/instagram/0027.html new file mode 100644 index 0000000000000000000000000000000000000000..3736c610b94a38b8e3b2db53547be27c2c437f7e --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0027.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0028.html b/screencoder/demo/public/demos/instagram/0028.html new file mode 100644 index 0000000000000000000000000000000000000000..5b3c9f94631c8a002e1a5dec5c7aa3cf79eb547c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0028.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0029.html b/screencoder/demo/public/demos/instagram/0029.html new file mode 100644 index 0000000000000000000000000000000000000000..fd5f925421433d7ea4959d7f31bfceae8d698ca2 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0029.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0030.html b/screencoder/demo/public/demos/instagram/0030.html new file mode 100644 index 0000000000000000000000000000000000000000..414ac28459d98c14824b2a4da62861e863f3d335 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0030.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0031.html b/screencoder/demo/public/demos/instagram/0031.html new file mode 100644 index 0000000000000000000000000000000000000000..0030233ef879d5fa9fdbd568347dcd0193dc6448 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0031.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0032.html b/screencoder/demo/public/demos/instagram/0032.html new file mode 100644 index 0000000000000000000000000000000000000000..2a964ccd916ac531a976ee2d95800ca26335eedc --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0032.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0033.html b/screencoder/demo/public/demos/instagram/0033.html new file mode 100644 index 0000000000000000000000000000000000000000..103a3e80a962312885d44f8ee58dd2e75c709dee --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0033.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0034.html b/screencoder/demo/public/demos/instagram/0034.html new file mode 100644 index 0000000000000000000000000000000000000000..810bf93a6b1c1f10c3a9d6d44499564aca646d06 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0034.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0035.html b/screencoder/demo/public/demos/instagram/0035.html new file mode 100644 index 0000000000000000000000000000000000000000..d5bf79c72e130f2882cd82bf19255e3387b4c241 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0035.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0036.html b/screencoder/demo/public/demos/instagram/0036.html new file mode 100644 index 0000000000000000000000000000000000000000..446645ce84d78efbfcd8105786ff08e74d2926ff --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0036.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0037.html b/screencoder/demo/public/demos/instagram/0037.html new file mode 100644 index 0000000000000000000000000000000000000000..c04533fda8f033b7690a4523d63a79707bca5053 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0037.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0038.html b/screencoder/demo/public/demos/instagram/0038.html new file mode 100644 index 0000000000000000000000000000000000000000..3de9e99c04441d37dbd4aec151f542bbfba5801c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0038.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0039.html b/screencoder/demo/public/demos/instagram/0039.html new file mode 100644 index 0000000000000000000000000000000000000000..a0d89028e49dcde4f3f675a8b76976532785d175 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0039.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0040.html b/screencoder/demo/public/demos/instagram/0040.html new file mode 100644 index 0000000000000000000000000000000000000000..38f13c58ae3ad74d4571d1c3904f70ff2de37da2 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0040.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0041.html b/screencoder/demo/public/demos/instagram/0041.html new file mode 100644 index 0000000000000000000000000000000000000000..a3ee818ca806de7a674d0bc141ce63a51ae4f8d0 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0041.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0042.html b/screencoder/demo/public/demos/instagram/0042.html new file mode 100644 index 0000000000000000000000000000000000000000..8f681ec485ee5eea80908eaec030238531146b58 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0042.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0043.html b/screencoder/demo/public/demos/instagram/0043.html new file mode 100644 index 0000000000000000000000000000000000000000..c4c8f159eea413bdbb8552b8f44a783378031410 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0043.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0044.html b/screencoder/demo/public/demos/instagram/0044.html new file mode 100644 index 0000000000000000000000000000000000000000..f1f45666d6da2b94ea05b12bcc8bae2f4af826a4 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0044.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0045.html b/screencoder/demo/public/demos/instagram/0045.html new file mode 100644 index 0000000000000000000000000000000000000000..53df94e5c1197cd44f8a38f022cf653672847cb8 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0045.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0046.html b/screencoder/demo/public/demos/instagram/0046.html new file mode 100644 index 0000000000000000000000000000000000000000..3d057d3ac34bdc03ea4a3ab944e078d38778799c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0046.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0047.html b/screencoder/demo/public/demos/instagram/0047.html new file mode 100644 index 0000000000000000000000000000000000000000..6a62753b9b81ad0e1af679e5504c096eda80e5e0 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0047.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0048.html b/screencoder/demo/public/demos/instagram/0048.html new file mode 100644 index 0000000000000000000000000000000000000000..0f0c49866639675d0c9a6d273cdb5341723d64d1 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0048.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0049.html b/screencoder/demo/public/demos/instagram/0049.html new file mode 100644 index 0000000000000000000000000000000000000000..4f693489695a51c4e1c850c6cbe163f13393d561 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0049.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0050.html b/screencoder/demo/public/demos/instagram/0050.html new file mode 100644 index 0000000000000000000000000000000000000000..ad82cd782005d90f912e37f4ffbddb3c3e6d93c1 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0050.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0051.html b/screencoder/demo/public/demos/instagram/0051.html new file mode 100644 index 0000000000000000000000000000000000000000..01ed09c69fe2987ac73e1580565b382610144b64 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0051.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0052.html b/screencoder/demo/public/demos/instagram/0052.html new file mode 100644 index 0000000000000000000000000000000000000000..7e887e28d062fcc0ec948e7fd2752848a8ca15c8 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0052.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0053.html b/screencoder/demo/public/demos/instagram/0053.html new file mode 100644 index 0000000000000000000000000000000000000000..13a62997ad7dec905e2d3f39c68bd7c3c8a11155 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0053.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0054.html b/screencoder/demo/public/demos/instagram/0054.html new file mode 100644 index 0000000000000000000000000000000000000000..f91a61fa05238905b67a0a2f4aa6934d4333cd5e --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0054.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0055.html b/screencoder/demo/public/demos/instagram/0055.html new file mode 100644 index 0000000000000000000000000000000000000000..2c7eca2c920fa635b2ddbb81a4ce941267cda162 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0055.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0056.html b/screencoder/demo/public/demos/instagram/0056.html new file mode 100644 index 0000000000000000000000000000000000000000..3b230c8efb47532e6fff186262bebe758d08aede --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0056.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0057.html b/screencoder/demo/public/demos/instagram/0057.html new file mode 100644 index 0000000000000000000000000000000000000000..4cac694d8fe75b553fefc72c1bb71691c1b108b9 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0057.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0058.html b/screencoder/demo/public/demos/instagram/0058.html new file mode 100644 index 0000000000000000000000000000000000000000..3d83cce917a368becdad6f305cb71ac641be9908 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0058.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0059.html b/screencoder/demo/public/demos/instagram/0059.html new file mode 100644 index 0000000000000000000000000000000000000000..740db4375e08101dd7cf9355b372f4c71c6cafb4 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0059.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0060.html b/screencoder/demo/public/demos/instagram/0060.html new file mode 100644 index 0000000000000000000000000000000000000000..4d9a969d5504b8b927373ba4e18a184799cafc09 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0060.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0061.html b/screencoder/demo/public/demos/instagram/0061.html new file mode 100644 index 0000000000000000000000000000000000000000..2fb8d811b833cc0b3fae9f7493fc285f1d2eb5ef --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0061.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0062.html b/screencoder/demo/public/demos/instagram/0062.html new file mode 100644 index 0000000000000000000000000000000000000000..7f62c1167195eafcb93f6f225f42f476d6668e9d --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0062.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0063.html b/screencoder/demo/public/demos/instagram/0063.html new file mode 100644 index 0000000000000000000000000000000000000000..cad62370b29e30939f6a01b0face62c66bb6afc7 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0063.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0064.html b/screencoder/demo/public/demos/instagram/0064.html new file mode 100644 index 0000000000000000000000000000000000000000..88500f72acbe827265b82afab566feea0289b3ba --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0064.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0065.html b/screencoder/demo/public/demos/instagram/0065.html new file mode 100644 index 0000000000000000000000000000000000000000..92cbac01a9b9c2c0d3304183ddfd4799dab32a7a --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0065.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0066.html b/screencoder/demo/public/demos/instagram/0066.html new file mode 100644 index 0000000000000000000000000000000000000000..0d4443eb7872c99b8d7b85566111c4a7cf539645 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0066.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0067.html b/screencoder/demo/public/demos/instagram/0067.html new file mode 100644 index 0000000000000000000000000000000000000000..df8f69b49946d88d5276fc259920296c0b701490 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0067.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0068.html b/screencoder/demo/public/demos/instagram/0068.html new file mode 100644 index 0000000000000000000000000000000000000000..23a1aa3f6ffbe8291e92680c3db45a80bfb43716 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0068.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0069.html b/screencoder/demo/public/demos/instagram/0069.html new file mode 100644 index 0000000000000000000000000000000000000000..e79804829c10328ef19b2966dfbcc4b9df2c899d --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0069.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0070.html b/screencoder/demo/public/demos/instagram/0070.html new file mode 100644 index 0000000000000000000000000000000000000000..23361fe1b43e008af4aebd391f9a4416bc6a353c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0070.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0071.html b/screencoder/demo/public/demos/instagram/0071.html new file mode 100644 index 0000000000000000000000000000000000000000..272845ae7cb8e558ccecbf599bd549ecb961f08b --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0071.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0072.html b/screencoder/demo/public/demos/instagram/0072.html new file mode 100644 index 0000000000000000000000000000000000000000..d687685fd57e89d213294412bab3f7564be6f085 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0072.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0073.html b/screencoder/demo/public/demos/instagram/0073.html new file mode 100644 index 0000000000000000000000000000000000000000..99dfb58a48db2b9cceeb67434a7b3c97ed82a988 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0073.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0074.html b/screencoder/demo/public/demos/instagram/0074.html new file mode 100644 index 0000000000000000000000000000000000000000..adb747e2971aec47cc8293f53846bc56f68573b8 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0074.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0075.html b/screencoder/demo/public/demos/instagram/0075.html new file mode 100644 index 0000000000000000000000000000000000000000..0cc3bcda38d5f89b314d09e90d555c01bac405fa --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0075.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0076.html b/screencoder/demo/public/demos/instagram/0076.html new file mode 100644 index 0000000000000000000000000000000000000000..8310141b6586e3ec943112d42582931298a454e6 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0076.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0077.html b/screencoder/demo/public/demos/instagram/0077.html new file mode 100644 index 0000000000000000000000000000000000000000..7f4dfad1ad39a3c398c7fad5c8aa8ad6f6eef8da --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0077.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0078.html b/screencoder/demo/public/demos/instagram/0078.html new file mode 100644 index 0000000000000000000000000000000000000000..e475c3d2074c3c5c1426df33791b3d9751bfc458 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0078.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0079.html b/screencoder/demo/public/demos/instagram/0079.html new file mode 100644 index 0000000000000000000000000000000000000000..4a323291cc5367131451b7e4ed985b3278de0d66 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0079.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0080.html b/screencoder/demo/public/demos/instagram/0080.html new file mode 100644 index 0000000000000000000000000000000000000000..c4b7a387927f56d4b218dfd9dddf9a9008c7b4ea --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0080.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0081.html b/screencoder/demo/public/demos/instagram/0081.html new file mode 100644 index 0000000000000000000000000000000000000000..f70903fe0f89c12d6ef6adf8a98b751433424092 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0081.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0082.html b/screencoder/demo/public/demos/instagram/0082.html new file mode 100644 index 0000000000000000000000000000000000000000..128ae09b82d52a567cdca8e66526aa57c39e7f70 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0082.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0083.html b/screencoder/demo/public/demos/instagram/0083.html new file mode 100644 index 0000000000000000000000000000000000000000..dcabb05084ea3c9f89a1fab6261ac58d7eac182b --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0083.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0084.html b/screencoder/demo/public/demos/instagram/0084.html new file mode 100644 index 0000000000000000000000000000000000000000..eab48db095c2e2e0eaa0feb432603503afbc9e69 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0084.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0085.html b/screencoder/demo/public/demos/instagram/0085.html new file mode 100644 index 0000000000000000000000000000000000000000..c4ded8e26a9baa51659522af1b43bdc70f5016c0 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0085.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0086.html b/screencoder/demo/public/demos/instagram/0086.html new file mode 100644 index 0000000000000000000000000000000000000000..6dab8e5a285348aef680b12e18e2cb4f0d69a24c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0086.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0087.html b/screencoder/demo/public/demos/instagram/0087.html new file mode 100644 index 0000000000000000000000000000000000000000..1c0e8dacb5a860efaf37d2ae127e0e8c2bc50327 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0087.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0088.html b/screencoder/demo/public/demos/instagram/0088.html new file mode 100644 index 0000000000000000000000000000000000000000..13188bb61d85e0fdb4ea00e946244e23ad97815d --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0088.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0089.html b/screencoder/demo/public/demos/instagram/0089.html new file mode 100644 index 0000000000000000000000000000000000000000..703dce1c30d1772bd6e14923e0a813ed41e7caf3 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0089.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0090.html b/screencoder/demo/public/demos/instagram/0090.html new file mode 100644 index 0000000000000000000000000000000000000000..fc4e3858e035a5375a784ec6868d2df73fd13a8c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0090.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0091.html b/screencoder/demo/public/demos/instagram/0091.html new file mode 100644 index 0000000000000000000000000000000000000000..22aba535ba1db7c707962eb95bc7013b42de1cbf --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0091.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0092.html b/screencoder/demo/public/demos/instagram/0092.html new file mode 100644 index 0000000000000000000000000000000000000000..c1474fc254ae54cfecabd1271dd5390b10d51378 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0092.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0093.html b/screencoder/demo/public/demos/instagram/0093.html new file mode 100644 index 0000000000000000000000000000000000000000..0740d282e9be06a4736117019b6ccb22ab3b7a8c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0093.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0094.html b/screencoder/demo/public/demos/instagram/0094.html new file mode 100644 index 0000000000000000000000000000000000000000..457e00f388f7d3474b355f8e2c0b3aed211e0ebb --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0094.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0095.html b/screencoder/demo/public/demos/instagram/0095.html new file mode 100644 index 0000000000000000000000000000000000000000..5ae72e47fb0773fe53f7d1830856587a5c4a72e0 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0095.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0096.html b/screencoder/demo/public/demos/instagram/0096.html new file mode 100644 index 0000000000000000000000000000000000000000..235e1935e04c361b74ec7b4214a7503582f209de --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0096.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0097.html b/screencoder/demo/public/demos/instagram/0097.html new file mode 100644 index 0000000000000000000000000000000000000000..ec60aba3c19a52e5997d1d92ac32f5bf62d1566f --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0097.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0098.html b/screencoder/demo/public/demos/instagram/0098.html new file mode 100644 index 0000000000000000000000000000000000000000..967c5e45bd7b75d619fe0be7a831673e340de0cc --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0098.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0099.html b/screencoder/demo/public/demos/instagram/0099.html new file mode 100644 index 0000000000000000000000000000000000000000..4e2c9b85046563b8ebf584cb1cc161fd32f97843 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0099.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0100.html b/screencoder/demo/public/demos/instagram/0100.html new file mode 100644 index 0000000000000000000000000000000000000000..b22f42a3f22a4a7d00dcbff18449e80308abf9de --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0100.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0101.html b/screencoder/demo/public/demos/instagram/0101.html new file mode 100644 index 0000000000000000000000000000000000000000..c761af3cde687e9d85cb13215a2731e779801ea8 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0101.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0102.html b/screencoder/demo/public/demos/instagram/0102.html new file mode 100644 index 0000000000000000000000000000000000000000..8687dfb57d0659890a0830dcc43145e763e1cb65 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0102.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0103.html b/screencoder/demo/public/demos/instagram/0103.html new file mode 100644 index 0000000000000000000000000000000000000000..6bcc29c29503d8c5156df4bd0bcb0ace3ae845e9 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0103.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0104.html b/screencoder/demo/public/demos/instagram/0104.html new file mode 100644 index 0000000000000000000000000000000000000000..a3eaa1ba608ab268274fe911a35f25206c0fb627 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0104.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0105.html b/screencoder/demo/public/demos/instagram/0105.html new file mode 100644 index 0000000000000000000000000000000000000000..5e5350a7012ec02de905576bbb738424ea772783 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0105.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0106.html b/screencoder/demo/public/demos/instagram/0106.html new file mode 100644 index 0000000000000000000000000000000000000000..44c591398b67512cff05b69ceefa2d22d34fc313 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0106.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0107.html b/screencoder/demo/public/demos/instagram/0107.html new file mode 100644 index 0000000000000000000000000000000000000000..2e5e95e3f799b3ca294cf4425254ab5c006d87fb --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0107.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0108.html b/screencoder/demo/public/demos/instagram/0108.html new file mode 100644 index 0000000000000000000000000000000000000000..8eec1cc26e237c676b4038e2c12321668504d866 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0108.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0109.html b/screencoder/demo/public/demos/instagram/0109.html new file mode 100644 index 0000000000000000000000000000000000000000..70b42b0021622a23ecc1b61dba9b75c48b4bde6c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0109.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0110.html b/screencoder/demo/public/demos/instagram/0110.html new file mode 100644 index 0000000000000000000000000000000000000000..d5423b43001cfa21b9253504d53e49f3ad6a73de --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0110.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0111.html b/screencoder/demo/public/demos/instagram/0111.html new file mode 100644 index 0000000000000000000000000000000000000000..c9cb4949f878f0e9ba5b8e06bd46c01c2a7dbced --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0111.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0112.html b/screencoder/demo/public/demos/instagram/0112.html new file mode 100644 index 0000000000000000000000000000000000000000..90d7bba7db609f0e57a267576aa8558009a9290f --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0112.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0113.html b/screencoder/demo/public/demos/instagram/0113.html new file mode 100644 index 0000000000000000000000000000000000000000..5b23fea51513d171337af8181b0daad4ca863eaa --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0113.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0114.html b/screencoder/demo/public/demos/instagram/0114.html new file mode 100644 index 0000000000000000000000000000000000000000..f281b0b3fc18d866b0ff79786b912b809aa37e72 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0114.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0115.html b/screencoder/demo/public/demos/instagram/0115.html new file mode 100644 index 0000000000000000000000000000000000000000..ad88847c2a0f1a3d13c9143a00c15e8145a94fdf --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0115.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0116.html b/screencoder/demo/public/demos/instagram/0116.html new file mode 100644 index 0000000000000000000000000000000000000000..f0a04424bd48fd4af28a35d7653806b82ceeb6dc --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0116.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0117.html b/screencoder/demo/public/demos/instagram/0117.html new file mode 100644 index 0000000000000000000000000000000000000000..b46a0727b6c2d43b9d3301bf5a476baed1475bff --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0117.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0118.html b/screencoder/demo/public/demos/instagram/0118.html new file mode 100644 index 0000000000000000000000000000000000000000..6bcb55abb5f4d636b57bb171fb4f75123e96cace --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0118.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0119.html b/screencoder/demo/public/demos/instagram/0119.html new file mode 100644 index 0000000000000000000000000000000000000000..b1da32f5762e8aaa571f12e00e7765f6cc12410c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0119.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0120.html b/screencoder/demo/public/demos/instagram/0120.html new file mode 100644 index 0000000000000000000000000000000000000000..a362bb34073bc32d5f38d1f8def0925e7c67cf0e --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0120.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0121.html b/screencoder/demo/public/demos/instagram/0121.html new file mode 100644 index 0000000000000000000000000000000000000000..683753ac0f67334525c21ec7d4cdf6359df29bc3 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0121.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0122.html b/screencoder/demo/public/demos/instagram/0122.html new file mode 100644 index 0000000000000000000000000000000000000000..2b6039d60963d219ca45377c48c5ca42aa7f7ce9 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0122.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0123.html b/screencoder/demo/public/demos/instagram/0123.html new file mode 100644 index 0000000000000000000000000000000000000000..9fb2b0782cdba90118e0ac41b295b40048e8fccc --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0123.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0124.html b/screencoder/demo/public/demos/instagram/0124.html new file mode 100644 index 0000000000000000000000000000000000000000..53169f9accbacefd3b9b770aec686e8efbb1bcfc --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0124.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0125.html b/screencoder/demo/public/demos/instagram/0125.html new file mode 100644 index 0000000000000000000000000000000000000000..55d61942ffb176f887db7450d86a1fd110805045 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0125.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0126.html b/screencoder/demo/public/demos/instagram/0126.html new file mode 100644 index 0000000000000000000000000000000000000000..f76729f22df8cd21ed7e75d19f278a2253272468 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0126.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0127.html b/screencoder/demo/public/demos/instagram/0127.html new file mode 100644 index 0000000000000000000000000000000000000000..01ff5eba134460c53321ac33c59b5356fe54b8f7 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0127.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0128.html b/screencoder/demo/public/demos/instagram/0128.html new file mode 100644 index 0000000000000000000000000000000000000000..f0cfd067c00a4f2844c71c347f678aa064e5ed91 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0128.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0129.html b/screencoder/demo/public/demos/instagram/0129.html new file mode 100644 index 0000000000000000000000000000000000000000..21d12b3558a968d570207ad9680b89848a723824 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0129.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0130.html b/screencoder/demo/public/demos/instagram/0130.html new file mode 100644 index 0000000000000000000000000000000000000000..cd52fae00e7c6a0d6dc807cdf707fda646378567 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0130.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0131.html b/screencoder/demo/public/demos/instagram/0131.html new file mode 100644 index 0000000000000000000000000000000000000000..3d51410d1be14239b1dfbc65574b46a53ae6e2b2 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0131.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0132.html b/screencoder/demo/public/demos/instagram/0132.html new file mode 100644 index 0000000000000000000000000000000000000000..3325cdb8ba674eb0ff392f3f9e44de5ee1815efd --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0132.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0133.html b/screencoder/demo/public/demos/instagram/0133.html new file mode 100644 index 0000000000000000000000000000000000000000..8424c0a7dcb72abff4069a6a100c7991a71c03c4 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0133.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0134.html b/screencoder/demo/public/demos/instagram/0134.html new file mode 100644 index 0000000000000000000000000000000000000000..4866734416f514496553e61fe69c692f5a8444c9 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0134.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0135.html b/screencoder/demo/public/demos/instagram/0135.html new file mode 100644 index 0000000000000000000000000000000000000000..6ccc51e0708bf1ee6e79726ec6e748eaa705f883 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0135.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0136.html b/screencoder/demo/public/demos/instagram/0136.html new file mode 100644 index 0000000000000000000000000000000000000000..15bff3ed0d8046d4a1b93bd97bf52b99e33f1a43 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0136.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0137.html b/screencoder/demo/public/demos/instagram/0137.html new file mode 100644 index 0000000000000000000000000000000000000000..6e3390f8b3198cbb2052588a6c6b49a43aa102d8 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0137.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0138.html b/screencoder/demo/public/demos/instagram/0138.html new file mode 100644 index 0000000000000000000000000000000000000000..e9f1a772e4622e782a3241ee954a00be23e4fe9c --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0138.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0139.html b/screencoder/demo/public/demos/instagram/0139.html new file mode 100644 index 0000000000000000000000000000000000000000..cfe7203f7259aa4d1760d6ffee3e91ba5eea6921 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0139.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0140.html b/screencoder/demo/public/demos/instagram/0140.html new file mode 100644 index 0000000000000000000000000000000000000000..60a06db0f0be73e99d5a05e1087dc55d25286324 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0140.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0141.html b/screencoder/demo/public/demos/instagram/0141.html new file mode 100644 index 0000000000000000000000000000000000000000..0b12553894a4d128d97832582105242ee07f7434 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0141.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0142.html b/screencoder/demo/public/demos/instagram/0142.html new file mode 100644 index 0000000000000000000000000000000000000000..e2be83e91edec8d51754ea1322e7b4f718937f2e --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0142.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0143.html b/screencoder/demo/public/demos/instagram/0143.html new file mode 100644 index 0000000000000000000000000000000000000000..5b16db1ac5063865d84a983ddfa879cf26bf00f1 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0143.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/0144.html b/screencoder/demo/public/demos/instagram/0144.html new file mode 100644 index 0000000000000000000000000000000000000000..d6045071724f8aee8acd50b93b04d72a1dc0f970 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/0144.html @@ -0,0 +1,384 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/final_ins.html b/screencoder/demo/public/demos/instagram/final_ins.html new file mode 100644 index 0000000000000000000000000000000000000000..68ced9be16fa517ebc328b1fb04c479594159570 --- /dev/null +++ b/screencoder/demo/public/demos/instagram/final_ins.html @@ -0,0 +1,375 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ + +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + + 头像 +
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ KORA Glow +

+ KORA Glow +

+
+
+ KORA Organics +

+ KORA Orga... +

+
+
+ Events +

+ Events +

+
+
+ MK Home +

+ MK Home +

+
+
+ Self-care +

+ Self-care +

+
+
+ Tutorials +

+ Tutorials +

+
+
+ Wellness +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+ Instagram post +
+
+ + + + +
+
+
+
+ Instagram post +
+
+ + + + +
+
+
+
+ Instagram post +
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/instagram/manifest.json b/screencoder/demo/public/demos/instagram/manifest.json new file mode 100644 index 0000000000000000000000000000000000000000..f991f456b99ff2a80caca743ba281017c20189ed --- /dev/null +++ b/screencoder/demo/public/demos/instagram/manifest.json @@ -0,0 +1,722 @@ +[ + { + "file": "0001.html", + "caption": "Elements: 1/144", + "diff": "" + }, + { + "file": "0002.html", + "caption": "Elements: 2/144", + "diff": "--- \n+++ \n@@ -37,7 +37,7 @@\n
\n
\n \n-
\n+
\n
\n Instagram\n
" + }, + { + "file": "0003.html", + "caption": "Elements: 3/144", + "diff": "--- \n+++ \n@@ -38,7 +38,7 @@\n
\n \n
\n-
\n+
\n Instagram\n
\n
" + }, + { + "file": "0004.html", + "caption": "Elements: 4/144", + "diff": "--- \n+++ \n@@ -41,7 +41,7 @@\n
\n Instagram\n
\n-
\n+
\n \n \n " + }, + { + "file": "0005.html", + "caption": "Elements: 5/144", + "diff": "--- \n+++ \n@@ -42,7 +42,7 @@\n Instagram\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0006.html", + "caption": "Elements: 6/144", + "diff": "--- \n+++ \n@@ -43,7 +43,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0007.html", + "caption": "Elements: 7/144", + "diff": "--- \n+++ \n@@ -46,7 +46,7 @@\n \n \n \n-\n+\n 首页\n \n
" + }, + { + "file": "0008.html", + "caption": "Elements: 8/144", + "diff": "--- \n+++ \n@@ -50,7 +50,7 @@\n 首页\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0009.html", + "caption": "Elements: 9/144", + "diff": "--- \n+++ \n@@ -51,7 +51,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0010.html", + "caption": "Elements: 10/144", + "diff": "--- \n+++ \n@@ -52,7 +52,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0011.html", + "caption": "Elements: 11/144", + "diff": "--- \n+++ \n@@ -55,7 +55,7 @@\n \n \n \n-\n+\n 搜索\n \n
" + }, + { + "file": "0012.html", + "caption": "Elements: 12/144", + "diff": "--- \n+++ \n@@ -59,7 +59,7 @@\n 搜索\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0013.html", + "caption": "Elements: 13/144", + "diff": "--- \n+++ \n@@ -60,7 +60,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0014.html", + "caption": "Elements: 14/144", + "diff": "--- \n+++ \n@@ -61,7 +61,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0015.html", + "caption": "Elements: 15/144", + "diff": "--- \n+++ \n@@ -64,7 +64,7 @@\n \n \n \n-\n+\n 探索\n \n
" + }, + { + "file": "0016.html", + "caption": "Elements: 16/144", + "diff": "--- \n+++ \n@@ -68,7 +68,7 @@\n 探索\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0017.html", + "caption": "Elements: 17/144", + "diff": "--- \n+++ \n@@ -69,7 +69,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0018.html", + "caption": "Elements: 18/144", + "diff": "--- \n+++ \n@@ -70,7 +70,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0019.html", + "caption": "Elements: 19/144", + "diff": "--- \n+++ \n@@ -73,7 +73,7 @@\n \n \n \n-\n+\n Reels\n \n
" + }, + { + "file": "0020.html", + "caption": "Elements: 20/144", + "diff": "--- \n+++ \n@@ -77,7 +77,7 @@\n Reels\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0021.html", + "caption": "Elements: 21/144", + "diff": "--- \n+++ \n@@ -78,7 +78,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0022.html", + "caption": "Elements: 22/144", + "diff": "--- \n+++ \n@@ -79,7 +79,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0023.html", + "caption": "Elements: 23/144", + "diff": "--- \n+++ \n@@ -82,7 +82,7 @@\n \n \n \n-\n+\n 消息\n \n
" + }, + { + "file": "0024.html", + "caption": "Elements: 24/144", + "diff": "--- \n+++ \n@@ -86,7 +86,7 @@\n 消息\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0025.html", + "caption": "Elements: 25/144", + "diff": "--- \n+++ \n@@ -87,7 +87,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0026.html", + "caption": "Elements: 26/144", + "diff": "--- \n+++ \n@@ -88,7 +88,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0027.html", + "caption": "Elements: 27/144", + "diff": "--- \n+++ \n@@ -91,7 +91,7 @@\n \n \n \n-\n+\n 通知\n \n " + }, + { + "file": "0028.html", + "caption": "Elements: 28/144", + "diff": "--- \n+++ \n@@ -94,7 +94,7 @@\n \n 通知\n \n-\n+\n •\n \n
" + }, + { + "file": "0029.html", + "caption": "Elements: 29/144", + "diff": "--- \n+++ \n@@ -98,7 +98,7 @@\n •\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0030.html", + "caption": "Elements: 30/144", + "diff": "--- \n+++ \n@@ -99,7 +99,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0031.html", + "caption": "Elements: 31/144", + "diff": "--- \n+++ \n@@ -100,7 +100,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0032.html", + "caption": "Elements: 32/144", + "diff": "--- \n+++ \n@@ -103,7 +103,7 @@\n \n \n \n-\n+\n 创建\n \n
" + }, + { + "file": "0033.html", + "caption": "Elements: 33/144", + "diff": "--- \n+++ \n@@ -107,7 +107,7 @@\n 创建\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0034.html", + "caption": "Elements: 34/144", + "diff": "--- \n+++ \n@@ -108,7 +108,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0035.html", + "caption": "Elements: 35/144", + "diff": "--- \n+++ \n@@ -109,7 +109,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0036.html", + "caption": "Elements: 36/144", + "diff": "--- \n+++ \n@@ -112,7 +112,7 @@\n \n \n \n-\n+\n 主页\n \n
" + }, + { + "file": "0037.html", + "caption": "Elements: 37/144", + "diff": "--- \n+++ \n@@ -118,7 +118,7 @@\n
\n
\n \n-
\n+
\n
\n \n " + }, + { + "file": "0038.html", + "caption": "Elements: 38/144", + "diff": "--- \n+++ \n@@ -119,7 +119,7 @@\n
\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0039.html", + "caption": "Elements: 39/144", + "diff": "--- \n+++ \n@@ -120,7 +120,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0040.html", + "caption": "Elements: 40/144", + "diff": "--- \n+++ \n@@ -121,7 +121,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0041.html", + "caption": "Elements: 41/144", + "diff": "--- \n+++ \n@@ -124,7 +124,7 @@\n \n \n \n-\n+\n Threads\n \n
" + }, + { + "file": "0042.html", + "caption": "Elements: 42/144", + "diff": "--- \n+++ \n@@ -128,7 +128,7 @@\n Threads\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0043.html", + "caption": "Elements: 43/144", + "diff": "--- \n+++ \n@@ -129,7 +129,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0044.html", + "caption": "Elements: 44/144", + "diff": "--- \n+++ \n@@ -130,7 +130,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0045.html", + "caption": "Elements: 45/144", + "diff": "--- \n+++ \n@@ -133,7 +133,7 @@\n \n \n \n-\n+\n 更多\n \n
" + }, + { + "file": "0046.html", + "caption": "Elements: 46/144", + "diff": "--- \n+++ \n@@ -141,7 +141,7 @@\n
\n
\n
\n-
\n+
\n \n
\n " + }, + { + "file": "0047.html", + "caption": "Elements: 47/144", + "diff": "--- \n+++ \n@@ -143,7 +143,7 @@\n
\n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0048.html", + "caption": "Elements: 48/144", + "diff": "--- \n+++ \n@@ -144,7 +144,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0049.html", + "caption": "Elements: 49/144", + "diff": "--- \n+++ \n@@ -145,7 +145,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0050.html", + "caption": "Elements: 50/144", + "diff": "--- \n+++ \n@@ -146,7 +146,7 @@\n
\n \n \n-\n+\n \n \n " + }, + { + "file": "0051.html", + "caption": "Elements: 51/144", + "diff": "--- \n+++ \n@@ -147,7 +147,7 @@\n \n \n \n-\n+\n \n \n " + }, + { + "file": "0052.html", + "caption": "Elements: 52/144", + "diff": "--- \n+++ \n@@ -149,7 +149,7 @@\n \n \n \n-\n+\n \n \n " + }, + { + "file": "0053.html", + "caption": "Elements: 53/144", + "diff": "--- \n+++ \n@@ -153,7 +153,7 @@\n \n \n \n-\n+\n \n \n
" + }, + { + "file": "0054.html", + "caption": "Elements: 54/144", + "diff": "--- \n+++ \n@@ -156,7 +156,7 @@\n \n \n \n-
\n+
\n
\n
\n " + }, + { + "file": "0055.html", + "caption": "Elements: 55/144", + "diff": "--- \n+++ \n@@ -160,7 +160,7 @@\n
\n
\n \n-
\n+
\n \n
\n

" + }, + { + "file": "0056.html", + "caption": "Elements: 56/144", + "diff": "--- \n+++ \n@@ -162,7 +162,7 @@\n \n
\n \n-
\n+
\n

\n mirandakerr\n

" + }, + { + "file": "0057.html", + "caption": "Elements: 57/144", + "diff": "--- \n+++ \n@@ -163,7 +163,7 @@\n
\n \n
\n-

\n+

\n mirandakerr\n

\n " + }, + { + "file": "0058.html", + "caption": "Elements: 58/144", + "diff": "--- \n+++ \n@@ -167,7 +167,7 @@\n mirandakerr\n

\n \n-\n+\n \n \n " + }, + { + "file": "0059.html", + "caption": "Elements: 59/144", + "diff": "--- \n+++ \n@@ -168,7 +168,7 @@\n \n \n \n-\n+\n \n \n \n-\n \n-\n \n-\n \n " + }, + { + "file": "0065.html", + "caption": "Elements: 65/144", + "diff": "--- \n+++ \n@@ -183,7 +183,7 @@\n \n \n \n-\n \n " + }, + { + "file": "0068.html", + "caption": "Elements: 68/144", + "diff": "--- \n+++ \n@@ -191,7 +191,7 @@\n \n
\n \n-
\n+
\n
\n \n 3206" + }, + { + "file": "0069.html", + "caption": "Elements: 69/144", + "diff": "--- \n+++ \n@@ -192,7 +192,7 @@\n
\n \n
\n-
\n+
\n \n 3206\n " + }, + { + "file": "0070.html", + "caption": "Elements: 70/144", + "diff": "--- \n+++ \n@@ -193,7 +193,7 @@\n \n
\n
\n-\n+\n 3206\n \n 帖子" + }, + { + "file": "0071.html", + "caption": "Elements: 71/144", + "diff": "--- \n+++ \n@@ -198,7 +198,7 @@\n \n 帖子\n
\n-
\n+
\n \n 1438万\n " + }, + { + "file": "0072.html", + "caption": "Elements: 72/144", + "diff": "--- \n+++ \n@@ -199,7 +199,7 @@\n 帖子\n
\n
\n-\n+\n 1438万\n \n 粉丝" + }, + { + "file": "0073.html", + "caption": "Elements: 73/144", + "diff": "--- \n+++ \n@@ -204,7 +204,7 @@\n \n 粉丝\n
\n-
\n+
\n \n 7496\n " + }, + { + "file": "0074.html", + "caption": "Elements: 74/144", + "diff": "--- \n+++ \n@@ -205,7 +205,7 @@\n 粉丝\n
\n
\n-\n+\n 7496\n \n 关注" + }, + { + "file": "0075.html", + "caption": "Elements: 75/144", + "diff": "--- \n+++ \n@@ -212,7 +212,7 @@\n
\n
\n \n-
\n+
\n Miranda Kerr\n
\n " + }, + { + "file": "0076.html", + "caption": "Elements: 76/144", + "diff": "--- \n+++ \n@@ -216,7 +216,7 @@\n Miranda Kerr\n
\n \n-
\n+
\n @mirandakerr\n
\n " + }, + { + "file": "0077.html", + "caption": "Elements: 77/144", + "diff": "--- \n+++ \n@@ -220,7 +220,7 @@\n @mirandakerr\n
\n \n-
\n+
\n Founder & CEO of\n \n @koraorganics" + }, + { + "file": "0078.html", + "caption": "Elements: 78/144", + "diff": "--- \n+++ \n@@ -222,7 +222,7 @@\n \n
\n Founder & CEO of\n- \n+ \n @koraorganics\n \n " + }, + { + "file": "0079.html", + "caption": "Elements: 79/144", + "diff": "--- \n+++ \n@@ -225,7 +225,7 @@\n \n @koraorganics\n \n-\n+\n \n \n " + }, + { + "file": "0080.html", + "caption": "Elements: 80/144", + "diff": "--- \n+++ \n@@ -226,7 +226,7 @@\n @koraorganics\n \n \n-\n+\n \n \n
" + }, + { + "file": "0081.html", + "caption": "Elements: 81/144", + "diff": "--- \n+++ \n@@ -231,7 +231,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0082.html", + "caption": "Elements: 82/144", + "diff": "--- \n+++ \n@@ -232,7 +232,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0083.html", + "caption": "Elements: 83/144", + "diff": "--- \n+++ \n@@ -234,7 +234,7 @@\n
\n \n \n-\n+\n \n \n " + }, + { + "file": "0084.html", + "caption": "Elements: 84/144", + "diff": "--- \n+++ \n@@ -236,7 +236,7 @@\n \n \n \n-\n+\n \n linktr.ee/mirandakerr\n
" + }, + { + "file": "0085.html", + "caption": "Elements: 85/144", + "diff": "--- \n+++ \n@@ -241,7 +241,7 @@\n linktr.ee/mirandakerr\n
\n \n-
\n+
\n cristiano关注了\n
\n
" + }, + { + "file": "0086.html", + "caption": "Elements: 86/144", + "diff": "--- \n+++ \n@@ -248,7 +248,7 @@\n
\n
\n
\n-
\n+
\n
\n \n " + }, + { + "file": "0087.html", + "caption": "Elements: 87/144", + "diff": "--- \n+++ \n@@ -249,7 +249,7 @@\n
\n
\n
\n-
\n+
\n \n \n " + }, + { + "file": "0088.html", + "caption": "Elements: 88/144", + "diff": "--- \n+++ \n@@ -250,7 +250,7 @@\n
\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0089.html", + "caption": "Elements: 89/144", + "diff": "--- \n+++ \n@@ -251,7 +251,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0090.html", + "caption": "Elements: 90/144", + "diff": "--- \n+++ \n@@ -254,7 +254,7 @@\n \n \n \n-

\n+

\n KORA Glow\n

\n
" + }, + { + "file": "0091.html", + "caption": "Elements: 91/144", + "diff": "--- \n+++ \n@@ -258,7 +258,7 @@\n KORA Glow\n

\n
\n-
\n+
\n \n \n " + }, + { + "file": "0092.html", + "caption": "Elements: 92/144", + "diff": "--- \n+++ \n@@ -259,7 +259,7 @@\n

\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0093.html", + "caption": "Elements: 93/144", + "diff": "--- \n+++ \n@@ -260,7 +260,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0094.html", + "caption": "Elements: 94/144", + "diff": "--- \n+++ \n@@ -263,7 +263,7 @@\n \n \n \n-

\n+

\n KORA Orga...\n

\n
" + }, + { + "file": "0095.html", + "caption": "Elements: 95/144", + "diff": "--- \n+++ \n@@ -267,7 +267,7 @@\n KORA Orga...\n

\n
\n-
\n+
\n \n \n " + }, + { + "file": "0096.html", + "caption": "Elements: 96/144", + "diff": "--- \n+++ \n@@ -268,7 +268,7 @@\n

\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0097.html", + "caption": "Elements: 97/144", + "diff": "--- \n+++ \n@@ -269,7 +269,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0098.html", + "caption": "Elements: 98/144", + "diff": "--- \n+++ \n@@ -272,7 +272,7 @@\n \n \n \n-

\n+

\n Events\n

\n
" + }, + { + "file": "0099.html", + "caption": "Elements: 99/144", + "diff": "--- \n+++ \n@@ -276,7 +276,7 @@\n Events\n

\n
\n-
\n+
\n \n \n " + }, + { + "file": "0100.html", + "caption": "Elements: 100/144", + "diff": "--- \n+++ \n@@ -277,7 +277,7 @@\n

\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0101.html", + "caption": "Elements: 101/144", + "diff": "--- \n+++ \n@@ -278,7 +278,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0102.html", + "caption": "Elements: 102/144", + "diff": "--- \n+++ \n@@ -281,7 +281,7 @@\n \n \n \n-

\n+

\n MK Home\n

\n
" + }, + { + "file": "0103.html", + "caption": "Elements: 103/144", + "diff": "--- \n+++ \n@@ -285,7 +285,7 @@\n MK Home\n

\n
\n-
\n+
\n \n \n " + }, + { + "file": "0104.html", + "caption": "Elements: 104/144", + "diff": "--- \n+++ \n@@ -286,7 +286,7 @@\n

\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0105.html", + "caption": "Elements: 105/144", + "diff": "--- \n+++ \n@@ -287,7 +287,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0106.html", + "caption": "Elements: 106/144", + "diff": "--- \n+++ \n@@ -290,7 +290,7 @@\n \n \n \n-

\n+

\n Self-care\n

\n
" + }, + { + "file": "0107.html", + "caption": "Elements: 107/144", + "diff": "--- \n+++ \n@@ -294,7 +294,7 @@\n Self-care\n

\n
\n-
\n+
\n \n \n " + }, + { + "file": "0108.html", + "caption": "Elements: 108/144", + "diff": "--- \n+++ \n@@ -295,7 +295,7 @@\n

\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0109.html", + "caption": "Elements: 109/144", + "diff": "--- \n+++ \n@@ -296,7 +296,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0110.html", + "caption": "Elements: 110/144", + "diff": "--- \n+++ \n@@ -299,7 +299,7 @@\n \n \n \n-

\n+

\n Tutorials\n

\n
" + }, + { + "file": "0111.html", + "caption": "Elements: 111/144", + "diff": "--- \n+++ \n@@ -303,7 +303,7 @@\n Tutorials\n

\n
\n-
\n+
\n \n \n " + }, + { + "file": "0112.html", + "caption": "Elements: 112/144", + "diff": "--- \n+++ \n@@ -304,7 +304,7 @@\n

\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0113.html", + "caption": "Elements: 113/144", + "diff": "--- \n+++ \n@@ -305,7 +305,7 @@\n
\n
\n \n-\n+\n \n \n

" + }, + { + "file": "0114.html", + "caption": "Elements: 114/144", + "diff": "--- \n+++ \n@@ -308,7 +308,7 @@\n \n \n \n-

\n+

\n Wellness W...\n

\n
" + }, + { + "file": "0115.html", + "caption": "Elements: 115/144", + "diff": "--- \n+++ \n@@ -315,7 +315,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n " + }, + { + "file": "0116.html", + "caption": "Elements: 116/144", + "diff": "--- \n+++ \n@@ -316,7 +316,7 @@\n
\n
\n
\n-
\n+
\n
\n \n " + }, + { + "file": "0117.html", + "caption": "Elements: 117/144", + "diff": "--- \n+++ \n@@ -317,7 +317,7 @@\n
\n
\n
\n-
\n+
\n \n \n " + }, + { + "file": "0118.html", + "caption": "Elements: 118/144", + "diff": "--- \n+++ \n@@ -318,7 +318,7 @@\n
\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0119.html", + "caption": "Elements: 119/144", + "diff": "--- \n+++ \n@@ -319,7 +319,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0120.html", + "caption": "Elements: 120/144", + "diff": "--- \n+++ \n@@ -322,7 +322,7 @@\n \n \n \n-\n+\n 帖子\n \n
" + }, + { + "file": "0121.html", + "caption": "Elements: 121/144", + "diff": "--- \n+++ \n@@ -326,7 +326,7 @@\n 帖子\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0122.html", + "caption": "Elements: 122/144", + "diff": "--- \n+++ \n@@ -327,7 +327,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0123.html", + "caption": "Elements: 123/144", + "diff": "--- \n+++ \n@@ -328,7 +328,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0124.html", + "caption": "Elements: 124/144", + "diff": "--- \n+++ \n@@ -331,7 +331,7 @@\n \n \n \n-\n+\n REELS\n \n
" + }, + { + "file": "0125.html", + "caption": "Elements: 125/144", + "diff": "--- \n+++ \n@@ -335,7 +335,7 @@\n REELS\n \n
\n-
\n+
\n \n \n " + }, + { + "file": "0126.html", + "caption": "Elements: 126/144", + "diff": "--- \n+++ \n@@ -336,7 +336,7 @@\n \n
\n
\n-\n+\n \n \n " + }, + { + "file": "0127.html", + "caption": "Elements: 127/144", + "diff": "--- \n+++ \n@@ -337,7 +337,7 @@\n
\n
\n \n-\n+\n \n \n " + }, + { + "file": "0128.html", + "caption": "Elements: 128/144", + "diff": "--- \n+++ \n@@ -340,7 +340,7 @@\n \n \n \n-\n+\n 标记内容\n \n
" + }, + { + "file": "0129.html", + "caption": "Elements: 129/144", + "diff": "--- \n+++ \n@@ -345,7 +345,7 @@\n \n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0130.html", + "caption": "Elements: 130/144", + "diff": "--- \n+++ \n@@ -346,7 +346,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0131.html", + "caption": "Elements: 131/144", + "diff": "--- \n+++ \n@@ -347,7 +347,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n " + }, + { + "file": "0132.html", + "caption": "Elements: 132/144", + "diff": "--- \n+++ \n@@ -349,6 +349,26 @@\n
\n
\n
\n+
\n+\n+\n+\n+\n+
\n+
\n+
\n+
\n+
\n+
\n+\n+\n+\n+\n+
\n+
\n+
\n+
\n+
\n
\n \n \n@@ -356,26 +376,6 @@\n \n
\n
\n-
\n-
\n-
\n-
\n-\n-\n-\n-\n-
\n-
\n-
\n-
\n-
\n-
\n-\n-\n-\n-\n-
\n-
\n
\n
\n
" + }, + { + "file": "0133.html", + "caption": "Elements: 133/144", + "diff": "--- \n+++ \n@@ -350,7 +350,7 @@\n
\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0134.html", + "caption": "Elements: 134/144", + "diff": "--- \n+++ \n@@ -351,7 +351,7 @@\n
\n
\n \n-\n+\n \n \n
" + }, + { + "file": "0135.html", + "caption": "Elements: 135/144", + "diff": "--- \n+++ \n@@ -356,7 +356,7 @@\n \n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0136.html", + "caption": "Elements: 136/144", + "diff": "--- \n+++ \n@@ -357,7 +357,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n " + }, + { + "file": "0137.html", + "caption": "Elements: 137/144", + "diff": "--- \n+++ \n@@ -359,7 +359,7 @@\n
\n
\n
\n-
\n+
\n \n \n " + }, + { + "file": "0138.html", + "caption": "Elements: 138/144", + "diff": "--- \n+++ \n@@ -360,7 +360,7 @@\n
\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0139.html", + "caption": "Elements: 139/144", + "diff": "--- \n+++ \n@@ -361,7 +361,7 @@\n
\n
\n \n-\n+\n \n \n
" + }, + { + "file": "0140.html", + "caption": "Elements: 140/144", + "diff": "--- \n+++ \n@@ -366,7 +366,7 @@\n \n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0141.html", + "caption": "Elements: 141/144", + "diff": "--- \n+++ \n@@ -367,7 +367,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n " + }, + { + "file": "0142.html", + "caption": "Elements: 142/144", + "diff": "--- \n+++ \n@@ -369,7 +369,7 @@\n
\n
\n
\n-
\n+
\n \n \n " + }, + { + "file": "0143.html", + "caption": "Elements: 143/144", + "diff": "--- \n+++ \n@@ -370,7 +370,7 @@\n
\n
\n
\n-\n+\n \n \n " + }, + { + "file": "0144.html", + "caption": "Elements: 144/144", + "diff": "--- \n+++ \n@@ -371,7 +371,7 @@\n
\n
\n \n-\n+\n \n \n
" + } +] \ No newline at end of file diff --git a/screencoder/demo/public/demos/instagram/original_ins.html b/screencoder/demo/public/demos/instagram/original_ins.html new file mode 100644 index 0000000000000000000000000000000000000000..28214167581d2f6c2a18ab40249a84b30c5a8eff --- /dev/null +++ b/screencoder/demo/public/demos/instagram/original_ins.html @@ -0,0 +1,394 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ +
+
+ Instagram +
+
+ + + + + + 首页 + +
+
+ + + + + + 搜索 + +
+
+ + + + + + 探索 + +
+
+ + + + + + Reels + +
+
+ + + + + + 消息 + +
+
+ + + + + + 通知 + + + • + +
+
+ + + + + + 创建 + +
+
+ + + + + + 主页 + +
+
+ + +
+
+ + + + + + Threads + +
+
+ + + + + + 更多 + +
+
+
+
+
+
+ +
+ + + + + + + + + + + + +
+
+
+ +
+ +
+

+ mirandakerr +

+ + + + + + + + + +
+ +
+
+ + 3206 + + 帖子 +
+
+ + 1438万 + + 粉丝 +
+
+ + 7496 + + 关注 +
+
+ +
+ Miranda Kerr +
+ +
+ @mirandakerr +
+ +
+ Founder & CEO of + + @koraorganics + + + + + +
+ +
+ + + + + + + linktr.ee/mirandakerr +
+ +
+ cristiano关注了 +
+
+
+
+
+
+
+ + + + +

+ KORA Glow +

+
+
+ + + + +

+ KORA Orga... +

+
+
+ + + + +

+ Events +

+
+
+ + + + +

+ MK Home +

+
+
+ + + + +

+ Self-care +

+
+
+ + + + +

+ Tutorials +

+
+
+ + + + +

+ Wellness W... +

+
+
+
+
+
+
+
+ + + + + + 帖子 + +
+
+ + + + + + REELS + +
+
+ + + + + + 标记内容 + +
+
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + + + +
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0001.html b/screencoder/demo/public/demos/linkedin/0001.html new file mode 100644 index 0000000000000000000000000000000000000000..629c8388ff1d58736e235b11da03496393d8fc37 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0001.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0002.html b/screencoder/demo/public/demos/linkedin/0002.html new file mode 100644 index 0000000000000000000000000000000000000000..3d9092341e3f3b3744022323de75d9445543d605 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0002.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0003.html b/screencoder/demo/public/demos/linkedin/0003.html new file mode 100644 index 0000000000000000000000000000000000000000..eb11dded46e135c5c09ebb76e6e30302f88cf3ff --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0003.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0004.html b/screencoder/demo/public/demos/linkedin/0004.html new file mode 100644 index 0000000000000000000000000000000000000000..676c90ef542995ad550bc8133194de450938937a --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0004.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0005.html b/screencoder/demo/public/demos/linkedin/0005.html new file mode 100644 index 0000000000000000000000000000000000000000..897b877f50e0e92a87ae6aef03bc54010a3ac505 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0005.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0006.html b/screencoder/demo/public/demos/linkedin/0006.html new file mode 100644 index 0000000000000000000000000000000000000000..f950e70f2eb8d8c7701d0a8856fc3b81767f2167 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0006.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0007.html b/screencoder/demo/public/demos/linkedin/0007.html new file mode 100644 index 0000000000000000000000000000000000000000..4de9e77ed37fb5bbc1134bf3a00a428746bf7799 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0007.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0008.html b/screencoder/demo/public/demos/linkedin/0008.html new file mode 100644 index 0000000000000000000000000000000000000000..adcaaebeae147744123c0dfc521d3aebd459e456 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0008.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0009.html b/screencoder/demo/public/demos/linkedin/0009.html new file mode 100644 index 0000000000000000000000000000000000000000..277ecf7bd5ae5066356325e92af97484d3430bff --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0009.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0010.html b/screencoder/demo/public/demos/linkedin/0010.html new file mode 100644 index 0000000000000000000000000000000000000000..ec094432aa652d4629deca63d65e8bd027b43f30 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0010.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0011.html b/screencoder/demo/public/demos/linkedin/0011.html new file mode 100644 index 0000000000000000000000000000000000000000..7ff0c35ffe63230a509d132a06a59b920e8ee279 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0011.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0012.html b/screencoder/demo/public/demos/linkedin/0012.html new file mode 100644 index 0000000000000000000000000000000000000000..a40284535a8d9e3cd6c5a7d187c3038bc39a9bb8 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0012.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0013.html b/screencoder/demo/public/demos/linkedin/0013.html new file mode 100644 index 0000000000000000000000000000000000000000..e8075759b4c0232e395f1bf45143a26527fdcd85 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0013.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0014.html b/screencoder/demo/public/demos/linkedin/0014.html new file mode 100644 index 0000000000000000000000000000000000000000..f4a991b87ca7c0806662c4c9eb512383c15ffb46 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0014.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0015.html b/screencoder/demo/public/demos/linkedin/0015.html new file mode 100644 index 0000000000000000000000000000000000000000..ec5e1c142096fb659393e3ebece91d50ac1bf68f --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0015.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0016.html b/screencoder/demo/public/demos/linkedin/0016.html new file mode 100644 index 0000000000000000000000000000000000000000..42d92182cedbcdf95b9f6363a555a232fae8b342 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0016.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0017.html b/screencoder/demo/public/demos/linkedin/0017.html new file mode 100644 index 0000000000000000000000000000000000000000..c97d852c26e37124a20bb5ceb38744fd307f2822 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0017.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0018.html b/screencoder/demo/public/demos/linkedin/0018.html new file mode 100644 index 0000000000000000000000000000000000000000..3e82837101275396c7828537f1c4c5cd3b8fc738 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0018.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0019.html b/screencoder/demo/public/demos/linkedin/0019.html new file mode 100644 index 0000000000000000000000000000000000000000..c657b870229a784e6c7be680eb481d003f84a6bd --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0019.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0020.html b/screencoder/demo/public/demos/linkedin/0020.html new file mode 100644 index 0000000000000000000000000000000000000000..284616c1bbd3627a1f78fc07745681d2fca03936 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0020.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0021.html b/screencoder/demo/public/demos/linkedin/0021.html new file mode 100644 index 0000000000000000000000000000000000000000..f506738f067d5f88a0d1515c1a7b91a2aa8d02b6 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0021.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0022.html b/screencoder/demo/public/demos/linkedin/0022.html new file mode 100644 index 0000000000000000000000000000000000000000..1f2e7d77b41b9e3172dc6227e3d161d80c8bbd5f --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0022.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0023.html b/screencoder/demo/public/demos/linkedin/0023.html new file mode 100644 index 0000000000000000000000000000000000000000..79ac3d3ee447cbdc529390b7becd55960cdbe047 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0023.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0024.html b/screencoder/demo/public/demos/linkedin/0024.html new file mode 100644 index 0000000000000000000000000000000000000000..4b90759c74024fe89e46bc3cbf9624fdf709d56c --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0024.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0025.html b/screencoder/demo/public/demos/linkedin/0025.html new file mode 100644 index 0000000000000000000000000000000000000000..dc981aac629d373ad59008f833feae702de69a41 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0025.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0026.html b/screencoder/demo/public/demos/linkedin/0026.html new file mode 100644 index 0000000000000000000000000000000000000000..d687d9df54e55e76507bb47a3608f81612e7641a --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0026.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0027.html b/screencoder/demo/public/demos/linkedin/0027.html new file mode 100644 index 0000000000000000000000000000000000000000..600ca56950726c3c8c5d7a047b4085a5f9a297d0 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0027.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0028.html b/screencoder/demo/public/demos/linkedin/0028.html new file mode 100644 index 0000000000000000000000000000000000000000..1b4c7bed4c84dc204ae45a0faaf5a9b16147618f --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0028.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0029.html b/screencoder/demo/public/demos/linkedin/0029.html new file mode 100644 index 0000000000000000000000000000000000000000..99ec4864dd5e48d94536905df0683452d007cecd --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0029.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0030.html b/screencoder/demo/public/demos/linkedin/0030.html new file mode 100644 index 0000000000000000000000000000000000000000..04111c457e62c64d7f6e5de9e6ea0d3d75e78a24 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0030.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0031.html b/screencoder/demo/public/demos/linkedin/0031.html new file mode 100644 index 0000000000000000000000000000000000000000..9b2b92658239d20e4d7b681ac9b07c75f5fdd414 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0031.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0032.html b/screencoder/demo/public/demos/linkedin/0032.html new file mode 100644 index 0000000000000000000000000000000000000000..9b2b6147a42b9719a6aec240437efbd398b05a39 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0032.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0033.html b/screencoder/demo/public/demos/linkedin/0033.html new file mode 100644 index 0000000000000000000000000000000000000000..43d93994f409fe966692ea93cafb66152548f540 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0033.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0034.html b/screencoder/demo/public/demos/linkedin/0034.html new file mode 100644 index 0000000000000000000000000000000000000000..78e4959bea8adc6b001b764e5d5af29e70c2889f --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0034.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0035.html b/screencoder/demo/public/demos/linkedin/0035.html new file mode 100644 index 0000000000000000000000000000000000000000..c948da9aebbd5e42c6e088ddbfc918d7308bd7e0 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0035.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0036.html b/screencoder/demo/public/demos/linkedin/0036.html new file mode 100644 index 0000000000000000000000000000000000000000..79ad8477357d43dfb49b0d3a82e09f11732df2ed --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0036.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0037.html b/screencoder/demo/public/demos/linkedin/0037.html new file mode 100644 index 0000000000000000000000000000000000000000..3a61829bfe81d8a77e9be475c13a97684b10675a --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0037.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0038.html b/screencoder/demo/public/demos/linkedin/0038.html new file mode 100644 index 0000000000000000000000000000000000000000..9a15774ec63e1bdad089771c635715f89c30e756 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0038.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0039.html b/screencoder/demo/public/demos/linkedin/0039.html new file mode 100644 index 0000000000000000000000000000000000000000..e605fbde461e9f28a02e3b83cc6e9b092cf47614 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0039.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0040.html b/screencoder/demo/public/demos/linkedin/0040.html new file mode 100644 index 0000000000000000000000000000000000000000..79d7c4b771101fe538b6c7488acee2f4ecc29e38 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0040.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0041.html b/screencoder/demo/public/demos/linkedin/0041.html new file mode 100644 index 0000000000000000000000000000000000000000..8364e62a0998d518ec7fe9f9bf030b89e9cc5cca --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0041.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0042.html b/screencoder/demo/public/demos/linkedin/0042.html new file mode 100644 index 0000000000000000000000000000000000000000..42beacf892859db28ac79bafcfde54022fd7577e --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0042.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0043.html b/screencoder/demo/public/demos/linkedin/0043.html new file mode 100644 index 0000000000000000000000000000000000000000..a7ec9f61310a8bd28a2ba8d9b2a0db6f454ad730 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0043.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0044.html b/screencoder/demo/public/demos/linkedin/0044.html new file mode 100644 index 0000000000000000000000000000000000000000..20dbebb6117887c5f63fb89c7de2c6a75b770c61 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0044.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0045.html b/screencoder/demo/public/demos/linkedin/0045.html new file mode 100644 index 0000000000000000000000000000000000000000..e19518c2cb7271607a88e5de08c79c63eac7b901 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0045.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0046.html b/screencoder/demo/public/demos/linkedin/0046.html new file mode 100644 index 0000000000000000000000000000000000000000..885442274915f70562e82d99aa5fe310550c623e --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0046.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0047.html b/screencoder/demo/public/demos/linkedin/0047.html new file mode 100644 index 0000000000000000000000000000000000000000..c931693cf957e1c0eba9ffe61ce1fdd2e35243ff --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0047.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0048.html b/screencoder/demo/public/demos/linkedin/0048.html new file mode 100644 index 0000000000000000000000000000000000000000..d16b5009e69c26e3a9ea46356a1a8b99d2b4381b --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0048.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0049.html b/screencoder/demo/public/demos/linkedin/0049.html new file mode 100644 index 0000000000000000000000000000000000000000..c8c47bb0d0ebef36f021d5a02cd010ada84a220b --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0049.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0050.html b/screencoder/demo/public/demos/linkedin/0050.html new file mode 100644 index 0000000000000000000000000000000000000000..108be9de768c0a4dc2c7b9ca47cd21ee680d767d --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0050.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0051.html b/screencoder/demo/public/demos/linkedin/0051.html new file mode 100644 index 0000000000000000000000000000000000000000..42ad82193bf242bef1cc1f593e20d1e2e20db76c --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0051.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0052.html b/screencoder/demo/public/demos/linkedin/0052.html new file mode 100644 index 0000000000000000000000000000000000000000..77040bc514db64c5f65b93116d196e91c30242f4 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0052.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0053.html b/screencoder/demo/public/demos/linkedin/0053.html new file mode 100644 index 0000000000000000000000000000000000000000..c5675bcd86af4dd52641cbf7594c9497bdf32d46 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0053.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0054.html b/screencoder/demo/public/demos/linkedin/0054.html new file mode 100644 index 0000000000000000000000000000000000000000..1d81cd47c5c3f8b35ce9c0fe0ea5c8f921c8d505 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0054.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0055.html b/screencoder/demo/public/demos/linkedin/0055.html new file mode 100644 index 0000000000000000000000000000000000000000..f11de4217cc3685921fd23a216c609301ed5a8c9 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0055.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0056.html b/screencoder/demo/public/demos/linkedin/0056.html new file mode 100644 index 0000000000000000000000000000000000000000..f07f7f68ae426836a3aed9f3d8217f145b886afd --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0056.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0057.html b/screencoder/demo/public/demos/linkedin/0057.html new file mode 100644 index 0000000000000000000000000000000000000000..48cb28fedd77c4a40997ee01ec709218f7b01159 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0057.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0058.html b/screencoder/demo/public/demos/linkedin/0058.html new file mode 100644 index 0000000000000000000000000000000000000000..6d038472800cf8d204d335c75e8aa15dd9fed546 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0058.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0059.html b/screencoder/demo/public/demos/linkedin/0059.html new file mode 100644 index 0000000000000000000000000000000000000000..dac48c6797af71e5232bf02a81709b3b77cd4434 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0059.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0060.html b/screencoder/demo/public/demos/linkedin/0060.html new file mode 100644 index 0000000000000000000000000000000000000000..7fa8903e38b0ad30c00de1a95777bbb6bf8359ca --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0060.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0061.html b/screencoder/demo/public/demos/linkedin/0061.html new file mode 100644 index 0000000000000000000000000000000000000000..1d7e437f5e81f45ac48b72c378d5662caa4b7d57 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0061.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0062.html b/screencoder/demo/public/demos/linkedin/0062.html new file mode 100644 index 0000000000000000000000000000000000000000..a65feebb3d46ef311c4a4ac534075d685a193b40 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0062.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0063.html b/screencoder/demo/public/demos/linkedin/0063.html new file mode 100644 index 0000000000000000000000000000000000000000..33990c9e20fa5f70ad51d3c3b67fca91ba3e57f8 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0063.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0064.html b/screencoder/demo/public/demos/linkedin/0064.html new file mode 100644 index 0000000000000000000000000000000000000000..281c243f4291eb915de190b4df1125ff0b69c1d3 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0064.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0065.html b/screencoder/demo/public/demos/linkedin/0065.html new file mode 100644 index 0000000000000000000000000000000000000000..d00a2be9ed0fe5da4673b056ff3fd1928e4908dc --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0065.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0066.html b/screencoder/demo/public/demos/linkedin/0066.html new file mode 100644 index 0000000000000000000000000000000000000000..a53f85bed7f3dc3ce38f0f73e5eb77f55bece563 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0066.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0067.html b/screencoder/demo/public/demos/linkedin/0067.html new file mode 100644 index 0000000000000000000000000000000000000000..d81b01457246ab8ff7cf489126dbc0264f3cddc0 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0067.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0068.html b/screencoder/demo/public/demos/linkedin/0068.html new file mode 100644 index 0000000000000000000000000000000000000000..b71a874286145d21fff5914995445179d36eca5d --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0068.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0069.html b/screencoder/demo/public/demos/linkedin/0069.html new file mode 100644 index 0000000000000000000000000000000000000000..1951bb03af40716a1368fac4eab53d4aa9ea334a --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0069.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0070.html b/screencoder/demo/public/demos/linkedin/0070.html new file mode 100644 index 0000000000000000000000000000000000000000..fce023fc01b51751c59018e1480406d486b0da5d --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0070.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0071.html b/screencoder/demo/public/demos/linkedin/0071.html new file mode 100644 index 0000000000000000000000000000000000000000..eb00078f67808e3bb0f29256f6ca16407b8e07ee --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0071.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0072.html b/screencoder/demo/public/demos/linkedin/0072.html new file mode 100644 index 0000000000000000000000000000000000000000..9c54f4091d774891b8d137a5500f7ec90382d010 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0072.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0073.html b/screencoder/demo/public/demos/linkedin/0073.html new file mode 100644 index 0000000000000000000000000000000000000000..f880bcd1307d41c39f6afb9380badaaedce0eaaa --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0073.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0074.html b/screencoder/demo/public/demos/linkedin/0074.html new file mode 100644 index 0000000000000000000000000000000000000000..45020400ee30f9f2eb2a6713ec9d08ae7fcb8615 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0074.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0075.html b/screencoder/demo/public/demos/linkedin/0075.html new file mode 100644 index 0000000000000000000000000000000000000000..4f3ce82b868685473703b5db04cb37668cd67dd8 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0075.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0076.html b/screencoder/demo/public/demos/linkedin/0076.html new file mode 100644 index 0000000000000000000000000000000000000000..99dd8260e1a5a52559e5bebebd428912bc484e80 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0076.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0077.html b/screencoder/demo/public/demos/linkedin/0077.html new file mode 100644 index 0000000000000000000000000000000000000000..0bbedd987e69997c72bc3bc42f35eafe9d08dbef --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0077.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0078.html b/screencoder/demo/public/demos/linkedin/0078.html new file mode 100644 index 0000000000000000000000000000000000000000..9eeedc52374c79c006ff0819ec2cbadd7116f654 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0078.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0079.html b/screencoder/demo/public/demos/linkedin/0079.html new file mode 100644 index 0000000000000000000000000000000000000000..430474f6e47d8dd227b4ddf385b79b4d81f762c7 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0079.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0080.html b/screencoder/demo/public/demos/linkedin/0080.html new file mode 100644 index 0000000000000000000000000000000000000000..dea117f3a12b1044b66f9911c2db98310c932a08 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0080.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0081.html b/screencoder/demo/public/demos/linkedin/0081.html new file mode 100644 index 0000000000000000000000000000000000000000..41e9a20b86d179cbd0d8c68288f4d834477426b6 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0081.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0082.html b/screencoder/demo/public/demos/linkedin/0082.html new file mode 100644 index 0000000000000000000000000000000000000000..114a182972cf85445bc456a91e7b05094f0391d2 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0082.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0083.html b/screencoder/demo/public/demos/linkedin/0083.html new file mode 100644 index 0000000000000000000000000000000000000000..58436e90a36dd787efb95784f6107e73605cf4b1 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0083.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0084.html b/screencoder/demo/public/demos/linkedin/0084.html new file mode 100644 index 0000000000000000000000000000000000000000..2fc63763b305e05dbb4974494d28daceefe8ee65 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0084.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0085.html b/screencoder/demo/public/demos/linkedin/0085.html new file mode 100644 index 0000000000000000000000000000000000000000..cfdefca69a1b6ace79459eacc19830249f008761 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0085.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0086.html b/screencoder/demo/public/demos/linkedin/0086.html new file mode 100644 index 0000000000000000000000000000000000000000..2768a90806f6bc0798a01385f5ee3e9255a6b4de --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0086.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0087.html b/screencoder/demo/public/demos/linkedin/0087.html new file mode 100644 index 0000000000000000000000000000000000000000..78a548f2016840659a3608905a3c4456c7e2f4cd --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0087.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0088.html b/screencoder/demo/public/demos/linkedin/0088.html new file mode 100644 index 0000000000000000000000000000000000000000..572702d248604e9833a0909ad37469fa1a0f1c77 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0088.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0089.html b/screencoder/demo/public/demos/linkedin/0089.html new file mode 100644 index 0000000000000000000000000000000000000000..7b4696c84260f831ebc0403d40d4dc5a020057d8 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0089.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0090.html b/screencoder/demo/public/demos/linkedin/0090.html new file mode 100644 index 0000000000000000000000000000000000000000..eb4584057dd57d3e204c4ff1a6e55d9d1fbf80b7 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0090.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0091.html b/screencoder/demo/public/demos/linkedin/0091.html new file mode 100644 index 0000000000000000000000000000000000000000..d407ec5b0ac4da17713278de3c4859d142452c2c --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0091.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0092.html b/screencoder/demo/public/demos/linkedin/0092.html new file mode 100644 index 0000000000000000000000000000000000000000..4e38178499828445a3d0fbabecdfc57515f63cca --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0092.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0093.html b/screencoder/demo/public/demos/linkedin/0093.html new file mode 100644 index 0000000000000000000000000000000000000000..53b2066fb102473057345c010b5af8901a673a72 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0093.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0094.html b/screencoder/demo/public/demos/linkedin/0094.html new file mode 100644 index 0000000000000000000000000000000000000000..b4a6b267cb4b73a5ad42026351b8d7c07e7795f6 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0094.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0095.html b/screencoder/demo/public/demos/linkedin/0095.html new file mode 100644 index 0000000000000000000000000000000000000000..10b45c5fae9a2b57ca04b06026cfe1313bc17dac --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0095.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0096.html b/screencoder/demo/public/demos/linkedin/0096.html new file mode 100644 index 0000000000000000000000000000000000000000..a69294f552782d5195688b2de251194774df077f --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0096.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0097.html b/screencoder/demo/public/demos/linkedin/0097.html new file mode 100644 index 0000000000000000000000000000000000000000..9aa6051d74f2231b40f01d10f2e2a653f860a759 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0097.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0098.html b/screencoder/demo/public/demos/linkedin/0098.html new file mode 100644 index 0000000000000000000000000000000000000000..dee7aaf31d6517fa9ef846fcb4130a0bbf44650e --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0098.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0099.html b/screencoder/demo/public/demos/linkedin/0099.html new file mode 100644 index 0000000000000000000000000000000000000000..bf9563e13c7396dd5fb6d2e0ffb8aa7536d280dd --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0099.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0100.html b/screencoder/demo/public/demos/linkedin/0100.html new file mode 100644 index 0000000000000000000000000000000000000000..4cf7a8e2c952e7c087b13346f4a8f236ec0470be --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0100.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0101.html b/screencoder/demo/public/demos/linkedin/0101.html new file mode 100644 index 0000000000000000000000000000000000000000..dcae1653846f519841c28457a53928695e94e04f --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0101.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0102.html b/screencoder/demo/public/demos/linkedin/0102.html new file mode 100644 index 0000000000000000000000000000000000000000..203bc8b6c585487ddab8d18b2b6e4f09a2e420a9 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0102.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0103.html b/screencoder/demo/public/demos/linkedin/0103.html new file mode 100644 index 0000000000000000000000000000000000000000..be23edddc6a14e64e02cd4797780abdb334d5008 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0103.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0104.html b/screencoder/demo/public/demos/linkedin/0104.html new file mode 100644 index 0000000000000000000000000000000000000000..d5b03a4846411df5c64e04f179b0b3fee6a84163 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0104.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0105.html b/screencoder/demo/public/demos/linkedin/0105.html new file mode 100644 index 0000000000000000000000000000000000000000..0ef2126bf69e00412bc338e5bbabd5dcdbfadb08 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0105.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0106.html b/screencoder/demo/public/demos/linkedin/0106.html new file mode 100644 index 0000000000000000000000000000000000000000..ca109f188ef1e0f0f01c7911366c8245b0689486 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0106.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0107.html b/screencoder/demo/public/demos/linkedin/0107.html new file mode 100644 index 0000000000000000000000000000000000000000..b86ef093aecc5cf24f2f77763cba9094818b9761 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0107.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0108.html b/screencoder/demo/public/demos/linkedin/0108.html new file mode 100644 index 0000000000000000000000000000000000000000..40a3f2e2ae90be792f1ad872e4072197397a0fd5 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0108.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0109.html b/screencoder/demo/public/demos/linkedin/0109.html new file mode 100644 index 0000000000000000000000000000000000000000..213d58907c58c51a4ee3c9258742d1cdc7c63e9e --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0109.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0110.html b/screencoder/demo/public/demos/linkedin/0110.html new file mode 100644 index 0000000000000000000000000000000000000000..0b00dbb6a9184af8561f5a7b4e592bbdb967b2d8 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0110.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0111.html b/screencoder/demo/public/demos/linkedin/0111.html new file mode 100644 index 0000000000000000000000000000000000000000..8110e2d4dfc820fa0c1082459eadff6a69027b9b --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0111.html @@ -0,0 +1,313 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/0112.html b/screencoder/demo/public/demos/linkedin/0112.html new file mode 100644 index 0000000000000000000000000000000000000000..b5dc96ae921cb905297e82d255a3a8b3cc98af89 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/0112.html @@ -0,0 +1,312 @@ + + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/final_linkedin.html b/screencoder/demo/public/demos/linkedin/final_linkedin.html new file mode 100644 index 0000000000000000000000000000000000000000..2eafeb0fc2c20d9dc90e74269441d1b95c3ba955 --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/final_linkedin.html @@ -0,0 +1,306 @@ + + + + + + Bounding Boxes Layout + + + + + +
+
+
+ + + + Linked + + + + + in + + +
+ +
+ + + + + + + Top Content + +
+ +
+ + + + + + People + +
+ +
+ + + + + + Learning + +
+ +
+ + + + + + Jobs + +
+ +
+ + + + + + Games + +
+ +
+
+ +
+ Join now +
+ + +
+
+
+
+
+ Profile banner +
+ Profile avatar +
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+ avatar +
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+ avatar +
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+ avatar +
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+ avatar +
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+ avatar +
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/linkedin/manifest.json b/screencoder/demo/public/demos/linkedin/manifest.json new file mode 100644 index 0000000000000000000000000000000000000000..441bdacdaa11128f8891717d927b63f44343b77c --- /dev/null +++ b/screencoder/demo/public/demos/linkedin/manifest.json @@ -0,0 +1,557 @@ +[ + { + "file": "0001.html", + "caption": "Elements: 1/111", + "diff": "" + }, + { + "file": "0002.html", + "caption": "Elements: 2/111", + "diff": "--- \n+++ \n@@ -37,7 +37,7 @@\n
\n
\n \n-\n+\n \n Linked\n " + }, + { + "file": "0003.html", + "caption": "Elements: 3/111", + "diff": "--- \n+++ \n@@ -38,7 +38,7 @@\n
\n \n \n-\n+\n Linked\n \n " + }, + { + "file": "0004.html", + "caption": "Elements: 4/111", + "diff": "--- \n+++ \n@@ -41,7 +41,7 @@\n \n Linked\n \n-\n+\n \n \n in" + }, + { + "file": "0005.html", + "caption": "Elements: 5/111", + "diff": "--- \n+++ \n@@ -43,7 +43,7 @@\n \n \n \n-\n+\n in\n \n " + }, + { + "file": "0006.html", + "caption": "Elements: 6/111", + "diff": "--- \n+++ \n@@ -47,7 +47,7 @@\n in\n \n \n-
\n+
\n \n
\n " + }, + { + "file": "0007.html", + "caption": "Elements: 7/111", + "diff": "--- \n+++ \n@@ -49,7 +49,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0008.html", + "caption": "Elements: 8/111", + "diff": "--- \n+++ \n@@ -50,7 +50,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0009.html", + "caption": "Elements: 9/111", + "diff": "--- \n+++ \n@@ -51,7 +51,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0010.html", + "caption": "Elements: 10/111", + "diff": "--- \n+++ \n@@ -54,7 +54,7 @@\n \n \n \n-\n+\n Top Content\n \n
" + }, + { + "file": "0011.html", + "caption": "Elements: 11/111", + "diff": "--- \n+++ \n@@ -59,7 +59,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0012.html", + "caption": "Elements: 12/111", + "diff": "--- \n+++ \n@@ -60,7 +60,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0013.html", + "caption": "Elements: 13/111", + "diff": "--- \n+++ \n@@ -61,7 +61,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0014.html", + "caption": "Elements: 14/111", + "diff": "--- \n+++ \n@@ -64,7 +64,7 @@\n \n \n \n-\n+\n People\n \n
" + }, + { + "file": "0015.html", + "caption": "Elements: 15/111", + "diff": "--- \n+++ \n@@ -69,7 +69,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0016.html", + "caption": "Elements: 16/111", + "diff": "--- \n+++ \n@@ -70,7 +70,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0017.html", + "caption": "Elements: 17/111", + "diff": "--- \n+++ \n@@ -71,7 +71,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0018.html", + "caption": "Elements: 18/111", + "diff": "--- \n+++ \n@@ -74,7 +74,7 @@\n \n \n \n-\n+\n Learning\n \n
" + }, + { + "file": "0019.html", + "caption": "Elements: 19/111", + "diff": "--- \n+++ \n@@ -79,7 +79,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0020.html", + "caption": "Elements: 20/111", + "diff": "--- \n+++ \n@@ -80,7 +80,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0021.html", + "caption": "Elements: 21/111", + "diff": "--- \n+++ \n@@ -81,7 +81,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0022.html", + "caption": "Elements: 22/111", + "diff": "--- \n+++ \n@@ -84,7 +84,7 @@\n \n \n \n-\n+\n Jobs\n \n
" + }, + { + "file": "0023.html", + "caption": "Elements: 23/111", + "diff": "--- \n+++ \n@@ -89,7 +89,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0024.html", + "caption": "Elements: 24/111", + "diff": "--- \n+++ \n@@ -90,7 +90,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0025.html", + "caption": "Elements: 25/111", + "diff": "--- \n+++ \n@@ -91,7 +91,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0026.html", + "caption": "Elements: 26/111", + "diff": "--- \n+++ \n@@ -94,7 +94,7 @@\n \n \n \n-\n+\n Games\n \n
" + }, + { + "file": "0027.html", + "caption": "Elements: 27/111", + "diff": "--- \n+++ \n@@ -99,7 +99,7 @@\n \n
\n \n-
\n+
\n
\n \n
" + }, + { + "file": "0028.html", + "caption": "Elements: 28/111", + "diff": "--- \n+++ \n@@ -102,7 +102,7 @@\n
\n
\n \n-
\n+
\n Join now\n
\n " + }, + { + "file": "0029.html", + "caption": "Elements: 29/111", + "diff": "--- \n+++ \n@@ -106,7 +106,7 @@\n Join now\n
\n \n-\n
" + }, + { + "file": "0030.html", + "caption": "Elements: 30/111", + "diff": "--- \n+++ \n@@ -113,7 +113,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0031.html", + "caption": "Elements: 31/111", + "diff": "--- \n+++ \n@@ -114,7 +114,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0032.html", + "caption": "Elements: 32/111", + "diff": "--- \n+++ \n@@ -116,7 +116,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0033.html", + "caption": "Elements: 33/111", + "diff": "--- \n+++ \n@@ -117,7 +117,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0034.html", + "caption": "Elements: 34/111", + "diff": "--- \n+++ \n@@ -120,7 +120,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0035.html", + "caption": "Elements: 35/111", + "diff": "--- \n+++ \n@@ -121,7 +121,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0036.html", + "caption": "Elements: 36/111", + "diff": "--- \n+++ \n@@ -122,7 +122,7 @@\n

\n
\n
\n-
\n+
\n
\n

\n Andrej Karpathy" + }, + { + "file": "0037.html", + "caption": "Elements: 37/111", + "diff": "--- \n+++ \n@@ -123,7 +123,7 @@\n
\n
\n
\n-
\n+
\n

\n Andrej Karpathy\n

" + }, + { + "file": "0038.html", + "caption": "Elements: 38/111", + "diff": "--- \n+++ \n@@ -124,7 +124,7 @@\n
\n
\n
\n-

\n+

\n Andrej Karpathy\n

\n
" + }, + { + "file": "0039.html", + "caption": "Elements: 39/111", + "diff": "--- \n+++ \n@@ -127,7 +127,7 @@\n

\n Andrej Karpathy\n

\n-
\n+
\n ...\n
\n
" + }, + { + "file": "0040.html", + "caption": "Elements: 40/111", + "diff": "--- \n+++ \n@@ -131,7 +131,7 @@\n ...\n
\n
\n-
\n+
\n \n San Francisco, California, United States\n " + }, + { + "file": "0041.html", + "caption": "Elements: 41/111", + "diff": "--- \n+++ \n@@ -132,7 +132,7 @@\n
\n
\n
\n-\n+\n San Francisco, California, United States\n \n " + }, + { + "file": "0042.html", + "caption": "Elements: 42/111", + "diff": "--- \n+++ \n@@ -135,7 +135,7 @@\n \n San Francisco, California, United States\n \n-\n+\n ·\n \n " + }, + { + "file": "0043.html", + "caption": "Elements: 43/111", + "diff": "--- \n+++ \n@@ -138,7 +138,7 @@\n \n ·\n \n-\n+\n Contact Info\n \n
" + }, + { + "file": "0044.html", + "caption": "Elements: 44/111", + "diff": "--- \n+++ \n@@ -142,7 +142,7 @@\n Contact Info\n \n
\n-
\n+
\n \n 80K followers\n " + }, + { + "file": "0045.html", + "caption": "Elements: 45/111", + "diff": "--- \n+++ \n@@ -143,7 +143,7 @@\n \n
\n
\n-\n+\n 80K followers\n \n " + }, + { + "file": "0046.html", + "caption": "Elements: 46/111", + "diff": "--- \n+++ \n@@ -146,7 +146,7 @@\n \n 80K followers\n \n-\n+\n ·\n \n " + }, + { + "file": "0047.html", + "caption": "Elements: 47/111", + "diff": "--- \n+++ \n@@ -149,7 +149,7 @@\n \n ·\n \n-\n+\n 280 connections\n \n
" + }, + { + "file": "0048.html", + "caption": "Elements: 48/111", + "diff": "--- \n+++ \n@@ -153,7 +153,7 @@\n 280 connections\n \n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0049.html", + "caption": "Elements: 49/111", + "diff": "--- \n+++ \n@@ -154,7 +154,7 @@\n \n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0050.html", + "caption": "Elements: 50/111", + "diff": "--- \n+++ \n@@ -155,7 +155,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0051.html", + "caption": "Elements: 51/111", + "diff": "--- \n+++ \n@@ -157,7 +157,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0052.html", + "caption": "Elements: 52/111", + "diff": "--- \n+++ \n@@ -159,7 +159,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n " + }, + { + "file": "0053.html", + "caption": "Elements: 53/111", + "diff": "--- \n+++ \n@@ -162,7 +162,7 @@\n
\n
\n
\n-\n+\n See your mutual connections\n \n
" + }, + { + "file": "0054.html", + "caption": "Elements: 54/111", + "diff": "--- \n+++ \n@@ -166,7 +166,7 @@\n See your mutual connections\n \n
\n-
\n+
\n " + }, + { + "file": "0055.html", + "caption": "Elements: 55/111", + "diff": "--- \n+++ \n@@ -167,7 +167,7 @@\n \n
\n
\n-\n \n-\n
" + }, + { + "file": "0057.html", + "caption": "Elements: 57/111", + "diff": "--- \n+++ \n@@ -175,7 +175,7 @@\n \n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0058.html", + "caption": "Elements: 58/111", + "diff": "--- \n+++ \n@@ -176,7 +176,7 @@\n
\n
\n
\n-
\n+\n
\n
\n-
\n+
\n
\n
\n Tesla" + }, + { + "file": "0060.html", + "caption": "Elements: 60/111", + "diff": "--- \n+++ \n@@ -179,7 +179,7 @@\n " + }, + { + "file": "0061.html", + "caption": "Elements: 61/111", + "diff": "--- \n+++ \n@@ -183,7 +183,7 @@\n Tesla\n \n
\n-
\n+\n
\n-
\n+
\n
\n \n Stanford University" + }, + { + "file": "0063.html", + "caption": "Elements: 63/111", + "diff": "--- \n+++ \n@@ -186,7 +186,7 @@\n " + }, + { + "file": "0064.html", + "caption": "Elements: 64/111", + "diff": "--- \n+++ \n@@ -190,7 +190,7 @@\n Stanford University\n \n
\n-
\n+
\n \n 🔗 Personal Website\n " + }, + { + "file": "0065.html", + "caption": "Elements: 65/111", + "diff": "--- \n+++ \n@@ -191,7 +191,7 @@\n \n
\n " + }, + { + "file": "0066.html", + "caption": "Elements: 66/111", + "diff": "--- \n+++ \n@@ -197,7 +197,7 @@\n
\n
\n
\n-
\n+
\n

\n About\n

" + }, + { + "file": "0067.html", + "caption": "Elements: 67/111", + "diff": "--- \n+++ \n@@ -198,7 +198,7 @@\n
\n
\n
\n-

\n+

\n About\n

\n
" + }, + { + "file": "0068.html", + "caption": "Elements: 68/111", + "diff": "--- \n+++ \n@@ -201,7 +201,7 @@\n

\n About\n

\n-
\n+
\n \n https://karpathy.ai/\n " + }, + { + "file": "0069.html", + "caption": "Elements: 69/111", + "diff": "--- \n+++ \n@@ -202,7 +202,7 @@\n About\n

\n " + }, + { + "file": "0071.html", + "caption": "Elements: 71/111", + "diff": "--- \n+++ \n@@ -214,7 +214,7 @@\n
\n
\n
\n-

\n+

\n Other similar profiles\n

\n
" + }, + { + "file": "0072.html", + "caption": "Elements: 72/111", + "diff": "--- \n+++ \n@@ -217,7 +217,7 @@\n

\n Other similar profiles\n

\n-
\n+
\n
\n
\n

" + }, + { + "file": "0073.html", + "caption": "Elements: 73/111", + "diff": "--- \n+++ \n@@ -218,7 +218,7 @@\n Other similar profiles\n

\n
\n-
\n+
\n
\n

\n Manohar Paluri" + }, + { + "file": "0074.html", + "caption": "Elements: 74/111", + "diff": "--- \n+++ \n@@ -219,7 +219,7 @@\n

\n
\n
\n-
\n+
\n

\n Manohar Paluri\n

" + }, + { + "file": "0075.html", + "caption": "Elements: 75/111", + "diff": "--- \n+++ \n@@ -220,7 +220,7 @@\n
\n
\n
\n-

\n+

\n Manohar Paluri\n

\n

" + }, + { + "file": "0076.html", + "caption": "Elements: 76/111", + "diff": "--- \n+++ \n@@ -223,7 +223,7 @@\n

\n Manohar Paluri\n

\n-

\n+

\n Menlo Park, CA\n

\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0081.html", + "caption": "Elements: 81/111", + "diff": "--- \n+++ \n@@ -236,7 +236,7 @@\n

\n
\n
\n-
\n+
\n
\n

\n Renjun Xu, PhD" + }, + { + "file": "0082.html", + "caption": "Elements: 82/111", + "diff": "--- \n+++ \n@@ -237,7 +237,7 @@\n

\n
\n
\n-
\n+
\n

\n Renjun Xu, PhD\n

" + }, + { + "file": "0083.html", + "caption": "Elements: 83/111", + "diff": "--- \n+++ \n@@ -238,7 +238,7 @@\n
\n
\n
\n-

\n+

\n Renjun Xu, PhD\n

\n

" + }, + { + "file": "0084.html", + "caption": "Elements: 84/111", + "diff": "--- \n+++ \n@@ -241,7 +241,7 @@\n

\n Renjun Xu, PhD\n

\n-

\n+

\n San Francisco Bay Area\n

\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0089.html", + "caption": "Elements: 89/111", + "diff": "--- \n+++ \n@@ -254,7 +254,7 @@\n

\n
\n
\n-
\n+
\n
\n

\n Christopher Kanan" + }, + { + "file": "0090.html", + "caption": "Elements: 90/111", + "diff": "--- \n+++ \n@@ -255,7 +255,7 @@\n

\n
\n
\n-
\n+
\n

\n Christopher Kanan\n

" + }, + { + "file": "0091.html", + "caption": "Elements: 91/111", + "diff": "--- \n+++ \n@@ -256,7 +256,7 @@\n
\n
\n
\n-

\n+

\n Christopher Kanan\n

\n

" + }, + { + "file": "0092.html", + "caption": "Elements: 92/111", + "diff": "--- \n+++ \n@@ -259,7 +259,7 @@\n

\n Christopher Kanan\n

\n-

\n+

\n Rochester, New York Metropolitan Area\n

\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0097.html", + "caption": "Elements: 97/111", + "diff": "--- \n+++ \n@@ -272,7 +272,7 @@\n

\n
\n
\n-
\n+
\n
\n

\n Micael Carvalho" + }, + { + "file": "0098.html", + "caption": "Elements: 98/111", + "diff": "--- \n+++ \n@@ -273,7 +273,7 @@\n

\n
\n
\n-
\n+
\n

\n Micael Carvalho\n

" + }, + { + "file": "0099.html", + "caption": "Elements: 99/111", + "diff": "--- \n+++ \n@@ -274,7 +274,7 @@\n
\n
\n
\n-

\n+

\n Micael Carvalho\n

\n

" + }, + { + "file": "0100.html", + "caption": "Elements: 100/111", + "diff": "--- \n+++ \n@@ -277,7 +277,7 @@\n

\n Micael Carvalho\n

\n-

\n+

\n Menlo Park, CA\n

\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0105.html", + "caption": "Elements: 105/111", + "diff": "--- \n+++ \n@@ -290,7 +290,7 @@\n

\n
\n
\n-
\n+
\n
\n

\n Joel Tetreault" + }, + { + "file": "0106.html", + "caption": "Elements: 106/111", + "diff": "--- \n+++ \n@@ -291,7 +291,7 @@\n

\n
\n
\n-
\n+
\n

\n Joel Tetreault\n

" + }, + { + "file": "0107.html", + "caption": "Elements: 107/111", + "diff": "--- \n+++ \n@@ -292,7 +292,7 @@\n
\n
\n
\n-

\n+

\n Joel Tetreault\n

\n

" + }, + { + "file": "0108.html", + "caption": "Elements: 108/111", + "diff": "--- \n+++ \n@@ -295,7 +295,7 @@\n

\n Joel Tetreault\n

\n-

\n+

\n New York, NY\n

\n +
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+

+ Andrej Karpathy +

+
+ ... +
+
+
+ + San Francisco, California, United States + + + · + + + Contact Info + +
+
+ + 80K followers + + + · + + + 280 connections + +
+ +
+ + +
+
+ +
+
+

+ About +

+
+ + https://karpathy.ai/ + + + see more + +
+
+
+
+
+
+

+ Other similar profiles +

+
+
+
+

+ Manohar Paluri +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Renjun Xu, PhD +

+

+ San Francisco Bay Area +

+ +
+
+
+
+
+

+ Christopher Kanan +

+

+ Rochester, New York Metropolitan Area +

+ +
+
+
+
+
+

+ Micael Carvalho +

+

+ Menlo Park, CA +

+ +
+
+
+
+
+

+ Joel Tetreault +

+

+ New York, NY +

+ +
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0001.html b/screencoder/demo/public/demos/youtube-interface/0001.html new file mode 100644 index 0000000000000000000000000000000000000000..8c3fcee1822327a3f9bbdc6d43498a84e42b355b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0001.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0002.html b/screencoder/demo/public/demos/youtube-interface/0002.html new file mode 100644 index 0000000000000000000000000000000000000000..abcbd0e026517612f1631354d3cd08a109b312b9 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0002.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0003.html b/screencoder/demo/public/demos/youtube-interface/0003.html new file mode 100644 index 0000000000000000000000000000000000000000..ac3ca8db91412571672d5ebbccfe6bae1b886028 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0003.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0004.html b/screencoder/demo/public/demos/youtube-interface/0004.html new file mode 100644 index 0000000000000000000000000000000000000000..ca6046cff003ca66063874ab2b60464987fdb54f --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0004.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0005.html b/screencoder/demo/public/demos/youtube-interface/0005.html new file mode 100644 index 0000000000000000000000000000000000000000..1f39e57649ed058e34214fe8826dd4aa92c8273a --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0005.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0006.html b/screencoder/demo/public/demos/youtube-interface/0006.html new file mode 100644 index 0000000000000000000000000000000000000000..7840ddd77f3bc28f1bb7f5b66bccf4cfe755a2eb --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0006.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0007.html b/screencoder/demo/public/demos/youtube-interface/0007.html new file mode 100644 index 0000000000000000000000000000000000000000..403f97d972fcd5ddbc9a8aa8e5d23c5f893e58ee --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0007.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0008.html b/screencoder/demo/public/demos/youtube-interface/0008.html new file mode 100644 index 0000000000000000000000000000000000000000..41b68727a312775bdf5a8ea3353ac39ade3c3b9e --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0008.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0009.html b/screencoder/demo/public/demos/youtube-interface/0009.html new file mode 100644 index 0000000000000000000000000000000000000000..1391721cb17f3bd7b2376c4fc27456b50dd6f92b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0009.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0010.html b/screencoder/demo/public/demos/youtube-interface/0010.html new file mode 100644 index 0000000000000000000000000000000000000000..631f07c295de5ac909e3ffd317a7b95974d643b4 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0010.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0011.html b/screencoder/demo/public/demos/youtube-interface/0011.html new file mode 100644 index 0000000000000000000000000000000000000000..84b3ab1bfd16f5e44db778a45a69e4b8545def68 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0011.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0012.html b/screencoder/demo/public/demos/youtube-interface/0012.html new file mode 100644 index 0000000000000000000000000000000000000000..3a4c3431692596d34751481f3446b4c441c629e6 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0012.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0013.html b/screencoder/demo/public/demos/youtube-interface/0013.html new file mode 100644 index 0000000000000000000000000000000000000000..fe0d518b0cae8a1bb388bae2303a2bcd1651c1d6 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0013.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0014.html b/screencoder/demo/public/demos/youtube-interface/0014.html new file mode 100644 index 0000000000000000000000000000000000000000..ae54834e86027850f12809da13dcb475e58ffc4b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0014.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0015.html b/screencoder/demo/public/demos/youtube-interface/0015.html new file mode 100644 index 0000000000000000000000000000000000000000..40569c18fb80cd876d2be43c5137305f9e103654 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0015.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0016.html b/screencoder/demo/public/demos/youtube-interface/0016.html new file mode 100644 index 0000000000000000000000000000000000000000..ec7f690e08b8e43b14c968802e971d4d7bc73557 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0016.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0017.html b/screencoder/demo/public/demos/youtube-interface/0017.html new file mode 100644 index 0000000000000000000000000000000000000000..b08356766c91f151be16009cf7f74832c07cd8db --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0017.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0018.html b/screencoder/demo/public/demos/youtube-interface/0018.html new file mode 100644 index 0000000000000000000000000000000000000000..fe316f1c381669ee4e9348e3c00d0540e4a854ca --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0018.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0019.html b/screencoder/demo/public/demos/youtube-interface/0019.html new file mode 100644 index 0000000000000000000000000000000000000000..1c6e7128f96be4dc9032dc18463f674d3fcd53fe --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0019.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0020.html b/screencoder/demo/public/demos/youtube-interface/0020.html new file mode 100644 index 0000000000000000000000000000000000000000..fee7658787dfd3c08c149df6e951b22d619b4fd6 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0020.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0021.html b/screencoder/demo/public/demos/youtube-interface/0021.html new file mode 100644 index 0000000000000000000000000000000000000000..a5c80a0b7188808cf0956cc918c7d83bbe9b3a8c --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0021.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0022.html b/screencoder/demo/public/demos/youtube-interface/0022.html new file mode 100644 index 0000000000000000000000000000000000000000..e5a28e884fc368602ff3feff88661d61ca1246ac --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0022.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0023.html b/screencoder/demo/public/demos/youtube-interface/0023.html new file mode 100644 index 0000000000000000000000000000000000000000..f1f8692c903390d797aff99b95c82603de87176e --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0023.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0024.html b/screencoder/demo/public/demos/youtube-interface/0024.html new file mode 100644 index 0000000000000000000000000000000000000000..ab17e02c108c6673aca2702a518d93bd94dcd114 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0024.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0025.html b/screencoder/demo/public/demos/youtube-interface/0025.html new file mode 100644 index 0000000000000000000000000000000000000000..b9a2241691f6aeaf99b6e32396d9d7a3d7270861 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0025.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0026.html b/screencoder/demo/public/demos/youtube-interface/0026.html new file mode 100644 index 0000000000000000000000000000000000000000..55f11dae321ffe99f777cd75a0d7a4e8f9a8b5bc --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0026.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0027.html b/screencoder/demo/public/demos/youtube-interface/0027.html new file mode 100644 index 0000000000000000000000000000000000000000..12d9401e8a37eaf1dedbcd5cadf46d875992b53e --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0027.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0028.html b/screencoder/demo/public/demos/youtube-interface/0028.html new file mode 100644 index 0000000000000000000000000000000000000000..2e7cc4a73e5ade7347a1de4b29c0bd3987b1e8cb --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0028.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0029.html b/screencoder/demo/public/demos/youtube-interface/0029.html new file mode 100644 index 0000000000000000000000000000000000000000..6bfc4aa45958b9d60786b39697dcbc2ea546c4fa --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0029.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0030.html b/screencoder/demo/public/demos/youtube-interface/0030.html new file mode 100644 index 0000000000000000000000000000000000000000..a768aac969016bef9faee70ade397b0147435269 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0030.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0031.html b/screencoder/demo/public/demos/youtube-interface/0031.html new file mode 100644 index 0000000000000000000000000000000000000000..017cee02a483ce9e1db13e7f325971e04149324b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0031.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0032.html b/screencoder/demo/public/demos/youtube-interface/0032.html new file mode 100644 index 0000000000000000000000000000000000000000..768df303d356cb35af35f73d4523684c05b1c414 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0032.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0033.html b/screencoder/demo/public/demos/youtube-interface/0033.html new file mode 100644 index 0000000000000000000000000000000000000000..07894b13b8ac1be4e32cc355262f4499ca4b02a1 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0033.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0034.html b/screencoder/demo/public/demos/youtube-interface/0034.html new file mode 100644 index 0000000000000000000000000000000000000000..6406834802e3ac2724e45cc5d46d15ff64618619 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0034.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0035.html b/screencoder/demo/public/demos/youtube-interface/0035.html new file mode 100644 index 0000000000000000000000000000000000000000..fc751a6454280971c68b8b452792fe3b3b69596e --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0035.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0036.html b/screencoder/demo/public/demos/youtube-interface/0036.html new file mode 100644 index 0000000000000000000000000000000000000000..92f9b34985eedda257a484411152f046caa04035 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0036.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0037.html b/screencoder/demo/public/demos/youtube-interface/0037.html new file mode 100644 index 0000000000000000000000000000000000000000..a91af43ae6d8d54d0b7822cdbb6e6a0b4afae040 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0037.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0038.html b/screencoder/demo/public/demos/youtube-interface/0038.html new file mode 100644 index 0000000000000000000000000000000000000000..2bb39e58faad154a83ee17c78c787a942056bacb --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0038.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0039.html b/screencoder/demo/public/demos/youtube-interface/0039.html new file mode 100644 index 0000000000000000000000000000000000000000..3a26c359f2e7f88a687b26500c9fa1053f6c3671 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0039.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0040.html b/screencoder/demo/public/demos/youtube-interface/0040.html new file mode 100644 index 0000000000000000000000000000000000000000..9d223851fed5ee88a6fd882eb0d9adf11cf6a436 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0040.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0041.html b/screencoder/demo/public/demos/youtube-interface/0041.html new file mode 100644 index 0000000000000000000000000000000000000000..b4570b950d73a8c2f0bd07e46813e2ea427d7513 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0041.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0042.html b/screencoder/demo/public/demos/youtube-interface/0042.html new file mode 100644 index 0000000000000000000000000000000000000000..bcb9fd6728abc87e370f74e75714854018a34cfe --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0042.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0043.html b/screencoder/demo/public/demos/youtube-interface/0043.html new file mode 100644 index 0000000000000000000000000000000000000000..c6f09b2787b040bcc9ae1de05e6f3c8275e109b4 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0043.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0044.html b/screencoder/demo/public/demos/youtube-interface/0044.html new file mode 100644 index 0000000000000000000000000000000000000000..302a7f69d3d8149d7ac20d5a81a55bdff9cf398c --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0044.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0045.html b/screencoder/demo/public/demos/youtube-interface/0045.html new file mode 100644 index 0000000000000000000000000000000000000000..99032ced7a65fca37cd2ea9f4d93bee4688592a7 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0045.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0046.html b/screencoder/demo/public/demos/youtube-interface/0046.html new file mode 100644 index 0000000000000000000000000000000000000000..75adbd0b7f66b09f77bd261d350e9a3aa6cb6be1 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0046.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0047.html b/screencoder/demo/public/demos/youtube-interface/0047.html new file mode 100644 index 0000000000000000000000000000000000000000..a37c6e81246da6f6e58eb5c5779a0b0f96ec2fa9 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0047.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0048.html b/screencoder/demo/public/demos/youtube-interface/0048.html new file mode 100644 index 0000000000000000000000000000000000000000..44b1a9cef60f0989d81651a1f405e9aba639d5d0 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0048.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0049.html b/screencoder/demo/public/demos/youtube-interface/0049.html new file mode 100644 index 0000000000000000000000000000000000000000..92af11d9e48faeb2e428c31f1036889d006bd1f8 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0049.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0050.html b/screencoder/demo/public/demos/youtube-interface/0050.html new file mode 100644 index 0000000000000000000000000000000000000000..6a845b114f666e74039281c4e6eb7aaebed92310 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0050.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0051.html b/screencoder/demo/public/demos/youtube-interface/0051.html new file mode 100644 index 0000000000000000000000000000000000000000..9c919ebd58708e791c5935b0b693de4c6dfd85b1 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0051.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0052.html b/screencoder/demo/public/demos/youtube-interface/0052.html new file mode 100644 index 0000000000000000000000000000000000000000..54e54566058c628db67900675e4378f33c453b22 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0052.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0053.html b/screencoder/demo/public/demos/youtube-interface/0053.html new file mode 100644 index 0000000000000000000000000000000000000000..7390bf043cd5d6d43c9776a17c732469f3874958 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0053.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0054.html b/screencoder/demo/public/demos/youtube-interface/0054.html new file mode 100644 index 0000000000000000000000000000000000000000..639a1d55b6b3ddb181ba55396eae7006a1b362e5 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0054.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0055.html b/screencoder/demo/public/demos/youtube-interface/0055.html new file mode 100644 index 0000000000000000000000000000000000000000..cc4b66a65605ca797ad60d8c1200b11114a2adb4 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0055.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0056.html b/screencoder/demo/public/demos/youtube-interface/0056.html new file mode 100644 index 0000000000000000000000000000000000000000..a5767299c2192334ca57442ec63fd50985230375 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0056.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0057.html b/screencoder/demo/public/demos/youtube-interface/0057.html new file mode 100644 index 0000000000000000000000000000000000000000..0a228f2a5ab88d6aa0984ed471a7494c00804a16 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0057.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0058.html b/screencoder/demo/public/demos/youtube-interface/0058.html new file mode 100644 index 0000000000000000000000000000000000000000..f66eb4e8dccd75803885bc0bdddcce8e689a2170 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0058.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0059.html b/screencoder/demo/public/demos/youtube-interface/0059.html new file mode 100644 index 0000000000000000000000000000000000000000..2ed5c536c5322421a93960992581cb3b1c9dc564 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0059.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0060.html b/screencoder/demo/public/demos/youtube-interface/0060.html new file mode 100644 index 0000000000000000000000000000000000000000..0d09fa297e7ce096cad86d21bf572c38875adc4a --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0060.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0061.html b/screencoder/demo/public/demos/youtube-interface/0061.html new file mode 100644 index 0000000000000000000000000000000000000000..223f4c810020aa371318a00bfbd90a811933fa06 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0061.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0062.html b/screencoder/demo/public/demos/youtube-interface/0062.html new file mode 100644 index 0000000000000000000000000000000000000000..9ea010d5dc6ff7dd01958c9722b67b0e26ed2fc8 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0062.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0063.html b/screencoder/demo/public/demos/youtube-interface/0063.html new file mode 100644 index 0000000000000000000000000000000000000000..bc8a0073500e8261e8661616708140ed91240d32 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0063.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0064.html b/screencoder/demo/public/demos/youtube-interface/0064.html new file mode 100644 index 0000000000000000000000000000000000000000..5016291cf97631654e85c057ac34450ac84621b3 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0064.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0065.html b/screencoder/demo/public/demos/youtube-interface/0065.html new file mode 100644 index 0000000000000000000000000000000000000000..e9040ab85ea919b655385a5273f9788b6f770726 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0065.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0066.html b/screencoder/demo/public/demos/youtube-interface/0066.html new file mode 100644 index 0000000000000000000000000000000000000000..8dc18b7039ff21e12d88fc24f5b6d59e53ddcb8b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0066.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0067.html b/screencoder/demo/public/demos/youtube-interface/0067.html new file mode 100644 index 0000000000000000000000000000000000000000..0584ea52ba59c94f59db7106533f0171a4ee4e62 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0067.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0068.html b/screencoder/demo/public/demos/youtube-interface/0068.html new file mode 100644 index 0000000000000000000000000000000000000000..99835c301b6ff2715e4144b445c2eb182381414f --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0068.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0069.html b/screencoder/demo/public/demos/youtube-interface/0069.html new file mode 100644 index 0000000000000000000000000000000000000000..fbe87732e85643726969889e2649ca83c6c89a43 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0069.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0070.html b/screencoder/demo/public/demos/youtube-interface/0070.html new file mode 100644 index 0000000000000000000000000000000000000000..a8fbe9d26787aa272d9feaf1b6baeb6c45268049 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0070.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0071.html b/screencoder/demo/public/demos/youtube-interface/0071.html new file mode 100644 index 0000000000000000000000000000000000000000..b9fcf57ac96b44b7e64b08048210c936327d9c84 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0071.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0072.html b/screencoder/demo/public/demos/youtube-interface/0072.html new file mode 100644 index 0000000000000000000000000000000000000000..d33a530a70fbbb4a7335b4b59f9db680cbdf08c5 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0072.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0073.html b/screencoder/demo/public/demos/youtube-interface/0073.html new file mode 100644 index 0000000000000000000000000000000000000000..dc4b4cdb41cce81c57ba21be56b575efb9eabf14 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0073.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0074.html b/screencoder/demo/public/demos/youtube-interface/0074.html new file mode 100644 index 0000000000000000000000000000000000000000..f59c68cc3bbc78f448e729183385f8109a835696 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0074.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0075.html b/screencoder/demo/public/demos/youtube-interface/0075.html new file mode 100644 index 0000000000000000000000000000000000000000..08d9cf3996451ac6f9ff30a6974a1cc2386c9dc4 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0075.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0076.html b/screencoder/demo/public/demos/youtube-interface/0076.html new file mode 100644 index 0000000000000000000000000000000000000000..b21d59cfe403659f0fb547fae96f3e900b4c080c --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0076.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0077.html b/screencoder/demo/public/demos/youtube-interface/0077.html new file mode 100644 index 0000000000000000000000000000000000000000..fa38852972fb06d01245b22f1e8ca2df597bdd25 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0077.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0078.html b/screencoder/demo/public/demos/youtube-interface/0078.html new file mode 100644 index 0000000000000000000000000000000000000000..6f32b8c885a07475d207e313514076b6f6e0bbac --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0078.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0079.html b/screencoder/demo/public/demos/youtube-interface/0079.html new file mode 100644 index 0000000000000000000000000000000000000000..8df8214a25b611b33ac5134060fe80d483e8c0ad --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0079.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0080.html b/screencoder/demo/public/demos/youtube-interface/0080.html new file mode 100644 index 0000000000000000000000000000000000000000..ec2a3487465def1b627e646d4ac7b90c1f5044f1 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0080.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0081.html b/screencoder/demo/public/demos/youtube-interface/0081.html new file mode 100644 index 0000000000000000000000000000000000000000..6048b07dd660e200787850c95098e7c5f9d08b87 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0081.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0082.html b/screencoder/demo/public/demos/youtube-interface/0082.html new file mode 100644 index 0000000000000000000000000000000000000000..c19029adf07c3db4e628a142cb3f13fb6cf89e1b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0082.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0083.html b/screencoder/demo/public/demos/youtube-interface/0083.html new file mode 100644 index 0000000000000000000000000000000000000000..6055a5c8b0e85289ba7e5ff2cd1babc0658ace27 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0083.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0084.html b/screencoder/demo/public/demos/youtube-interface/0084.html new file mode 100644 index 0000000000000000000000000000000000000000..3fcdf8611e7ae1229357ced2db88a41e146213a0 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0084.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0085.html b/screencoder/demo/public/demos/youtube-interface/0085.html new file mode 100644 index 0000000000000000000000000000000000000000..6ef319319927208102d27e18b7ce2fe21407805a --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0085.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0086.html b/screencoder/demo/public/demos/youtube-interface/0086.html new file mode 100644 index 0000000000000000000000000000000000000000..619dfe17a2843cb5a5642f55fb1cd9c6b76b71a1 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0086.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0087.html b/screencoder/demo/public/demos/youtube-interface/0087.html new file mode 100644 index 0000000000000000000000000000000000000000..a1eff26ff7f72f155e851ba2f9b1250e74db20dd --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0087.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0088.html b/screencoder/demo/public/demos/youtube-interface/0088.html new file mode 100644 index 0000000000000000000000000000000000000000..879d510a486dcf032081603a206f609070d9900e --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0088.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0089.html b/screencoder/demo/public/demos/youtube-interface/0089.html new file mode 100644 index 0000000000000000000000000000000000000000..8769c7f906f3c7550dbdbb0809f83bc56ad8dda3 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0089.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0090.html b/screencoder/demo/public/demos/youtube-interface/0090.html new file mode 100644 index 0000000000000000000000000000000000000000..f94f5b62750dd026430f50c346cf6bce8df65bf5 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0090.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0091.html b/screencoder/demo/public/demos/youtube-interface/0091.html new file mode 100644 index 0000000000000000000000000000000000000000..e8fda9b8b6f5662372ba9e6310edc4c392ef7e1d --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0091.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0092.html b/screencoder/demo/public/demos/youtube-interface/0092.html new file mode 100644 index 0000000000000000000000000000000000000000..ffcd1cf1ff29e2789f9b378e091c28e186881bc2 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0092.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0093.html b/screencoder/demo/public/demos/youtube-interface/0093.html new file mode 100644 index 0000000000000000000000000000000000000000..e8ca2e3532030ece3470cb8db9a7c1d4e4aacec7 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0093.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0094.html b/screencoder/demo/public/demos/youtube-interface/0094.html new file mode 100644 index 0000000000000000000000000000000000000000..1def6361c141c40c34ca21fcb45939b5d7dad411 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0094.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0095.html b/screencoder/demo/public/demos/youtube-interface/0095.html new file mode 100644 index 0000000000000000000000000000000000000000..027c0ec054475fe357949d8702f2b1a8023d547a --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0095.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0096.html b/screencoder/demo/public/demos/youtube-interface/0096.html new file mode 100644 index 0000000000000000000000000000000000000000..4c2d601a982e8a1c9533f9b08fd605715fca1406 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0096.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0097.html b/screencoder/demo/public/demos/youtube-interface/0097.html new file mode 100644 index 0000000000000000000000000000000000000000..26b8d21617afe38c42b0d1aa417e2a0e1bf05242 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0097.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0098.html b/screencoder/demo/public/demos/youtube-interface/0098.html new file mode 100644 index 0000000000000000000000000000000000000000..4a9f6395ec41c4e010a2446c2f76d3af800ff2fe --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0098.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0099.html b/screencoder/demo/public/demos/youtube-interface/0099.html new file mode 100644 index 0000000000000000000000000000000000000000..200f37f50f3c57ad4e833190ada6e12990aa45b3 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0099.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0100.html b/screencoder/demo/public/demos/youtube-interface/0100.html new file mode 100644 index 0000000000000000000000000000000000000000..2c6464f5f1a070a6dda239aa2d51e9d46ce5bdd4 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0100.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0101.html b/screencoder/demo/public/demos/youtube-interface/0101.html new file mode 100644 index 0000000000000000000000000000000000000000..ec9de0d0e5333e6161cdf670307afde75c45c1c8 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0101.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0102.html b/screencoder/demo/public/demos/youtube-interface/0102.html new file mode 100644 index 0000000000000000000000000000000000000000..1c4d16fd8f0010067436c3985f83f9455a0bf287 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0102.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0103.html b/screencoder/demo/public/demos/youtube-interface/0103.html new file mode 100644 index 0000000000000000000000000000000000000000..aedd7e4f4f761036d8bbb8bb74a879a5974f9bd2 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0103.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0104.html b/screencoder/demo/public/demos/youtube-interface/0104.html new file mode 100644 index 0000000000000000000000000000000000000000..0a77b311a126096ddda2f835d0ead495c8461b56 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0104.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0105.html b/screencoder/demo/public/demos/youtube-interface/0105.html new file mode 100644 index 0000000000000000000000000000000000000000..a17808d50529790bad5aaaa8e89430cfd1aac28a --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0105.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0106.html b/screencoder/demo/public/demos/youtube-interface/0106.html new file mode 100644 index 0000000000000000000000000000000000000000..ef2a3e06e03da7a3531b44ff8b9864755d5c5d35 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0106.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0107.html b/screencoder/demo/public/demos/youtube-interface/0107.html new file mode 100644 index 0000000000000000000000000000000000000000..ff864e2e3d6f818b74aade3c8599f6f3380c34fa --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0107.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0108.html b/screencoder/demo/public/demos/youtube-interface/0108.html new file mode 100644 index 0000000000000000000000000000000000000000..17f97c8481bfc89f8775d2e37366cec8a8dcea53 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0108.html @@ -0,0 +1,235 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0109.html b/screencoder/demo/public/demos/youtube-interface/0109.html new file mode 100644 index 0000000000000000000000000000000000000000..8ea3e2aad9e84d307f6578e2c3bd65a1a632fcb6 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0109.html @@ -0,0 +1,247 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0110.html b/screencoder/demo/public/demos/youtube-interface/0110.html new file mode 100644 index 0000000000000000000000000000000000000000..3f7c7aac2d5e8c5ad776fd0d1cb7e58e27284b06 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0110.html @@ -0,0 +1,247 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0111.html b/screencoder/demo/public/demos/youtube-interface/0111.html new file mode 100644 index 0000000000000000000000000000000000000000..ad8ab7dae3ac9fd2cc10424ec19ab8c4c2fc7380 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0111.html @@ -0,0 +1,247 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0112.html b/screencoder/demo/public/demos/youtube-interface/0112.html new file mode 100644 index 0000000000000000000000000000000000000000..05bc54c0062f3805745c32066962630911599bab --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0112.html @@ -0,0 +1,247 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0113.html b/screencoder/demo/public/demos/youtube-interface/0113.html new file mode 100644 index 0000000000000000000000000000000000000000..308cd9dfb10a8d1dc5c6399f9e0435fef5d95c30 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0113.html @@ -0,0 +1,247 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/0114.html b/screencoder/demo/public/demos/youtube-interface/0114.html new file mode 100644 index 0000000000000000000000000000000000000000..1b719e4c98aded08e12c6c86b62c43236248bdfd --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/0114.html @@ -0,0 +1,247 @@ + + + + + +Bounding Boxes Layout + + + + +
+ +
+ +
+ +
+
+ +
+ + + + +YouTube +HK +
+ +
+ + + + +
+ +
+ + + + + +
Y
+
+
+
+
+
+全部 +播客 +游戏 +直播 +数学 +篮球 +足球 +动画 +最近上传 +发现新视频 +
+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/final_youtube.html b/screencoder/demo/public/demos/youtube-interface/final_youtube.html new file mode 100644 index 0000000000000000000000000000000000000000..6d5be4ca2f3150a2bc2170b001a8217d0965f81b --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/final_youtube.html @@ -0,0 +1,259 @@ + + + + + Bounding Boxes Layout + + + + +
+ + +
+ +
+ + +
+
+ + +
+ + + + + YouTube + HK +
+ + +
+ + + + +
+ + +
+ + + + + + + + +
Y
+
+
+
+
+
+ 全部 + 播客 + 游戏 + 直播 + 数学 + 篮球 + 足球 + 动画 + 最近上传 + 发现新视频 +
+
+
+
+
+
+ Video thumbnail +
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+ Video thumbnail +
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+ Video thumbnail +
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+ Video thumbnail +
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+ Video thumbnail +
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+ Video thumbnail +
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/public/demos/youtube-interface/manifest.json b/screencoder/demo/public/demos/youtube-interface/manifest.json new file mode 100644 index 0000000000000000000000000000000000000000..2b29405e2da2d42ea57f90f646f7b0d4e24ed39a --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/manifest.json @@ -0,0 +1,542 @@ +[ + { + "file": "0001.html", + "caption": "Elements: 1/108", + "diff": "" + }, + { + "file": "0002.html", + "caption": "Elements: 2/108", + "diff": "--- \n+++ \n@@ -24,7 +24,7 @@\n
\n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0003.html", + "caption": "Elements: 3/108", + "diff": "--- \n+++ \n@@ -25,7 +25,7 @@\n
\n \n
\n-\n+\n \n \n
" + }, + { + "file": "0004.html", + "caption": "Elements: 4/108", + "diff": "--- \n+++ \n@@ -26,7 +26,7 @@\n \n
\n \n-\n+\n \n
\n " + }, + { + "file": "0005.html", + "caption": "Elements: 5/108", + "diff": "--- \n+++ \n@@ -30,7 +30,7 @@\n \n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0006.html", + "caption": "Elements: 6/108", + "diff": "--- \n+++ \n@@ -31,7 +31,7 @@\n
\n \n
\n-\n+\n \n \n 首页" + }, + { + "file": "0007.html", + "caption": "Elements: 7/108", + "diff": "--- \n+++ \n@@ -32,7 +32,7 @@\n \n
\n \n-\n+\n \n 首页\n
" + }, + { + "file": "0008.html", + "caption": "Elements: 8/108", + "diff": "--- \n+++ \n@@ -34,7 +34,7 @@\n \n \n \n-首页\n+首页\n
\n \n
" + }, + { + "file": "0009.html", + "caption": "Elements: 9/108", + "diff": "--- \n+++ \n@@ -37,7 +37,7 @@\n 首页\n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0010.html", + "caption": "Elements: 10/108", + "diff": "--- \n+++ \n@@ -39,7 +39,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0011.html", + "caption": "Elements: 11/108", + "diff": "--- \n+++ \n@@ -40,7 +40,7 @@\n
\n \n \n-\n+\n \n \n Shorts" + }, + { + "file": "0012.html", + "caption": "Elements: 12/108", + "diff": "--- \n+++ \n@@ -41,7 +41,7 @@\n \n \n \n-\n+\n \n Shorts\n
" + }, + { + "file": "0013.html", + "caption": "Elements: 13/108", + "diff": "--- \n+++ \n@@ -43,7 +43,7 @@\n \n \n \n-Shorts\n+Shorts\n
\n \n
" + }, + { + "file": "0014.html", + "caption": "Elements: 14/108", + "diff": "--- \n+++ \n@@ -46,7 +46,7 @@\n Shorts\n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0015.html", + "caption": "Elements: 15/108", + "diff": "--- \n+++ \n@@ -47,7 +47,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0016.html", + "caption": "Elements: 16/108", + "diff": "--- \n+++ \n@@ -48,7 +48,7 @@\n \n
\n \n-\n+\n \n \n 订阅" + }, + { + "file": "0017.html", + "caption": "Elements: 17/108", + "diff": "--- \n+++ \n@@ -49,7 +49,7 @@\n
\n \n \n-\n+\n \n 订阅\n
" + }, + { + "file": "0018.html", + "caption": "Elements: 18/108", + "diff": "--- \n+++ \n@@ -51,7 +51,7 @@\n \n \n \n-订阅\n+订阅\n
\n \n
" + }, + { + "file": "0019.html", + "caption": "Elements: 19/108", + "diff": "--- \n+++ \n@@ -54,7 +54,7 @@\n 订阅\n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0020.html", + "caption": "Elements: 20/108", + "diff": "--- \n+++ \n@@ -55,7 +55,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0021.html", + "caption": "Elements: 21/108", + "diff": "--- \n+++ \n@@ -56,7 +56,7 @@\n \n
\n \n-\n+\n \n \n " + }, + { + "file": "0022.html", + "caption": "Elements: 22/108", + "diff": "--- \n+++ \n@@ -57,7 +57,7 @@\n
\n \n \n-\n+\n \n \n
" + }, + { + "file": "0023.html", + "caption": "Elements: 23/108", + "diff": "--- \n+++ \n@@ -59,7 +59,7 @@\n \n \n \n-\n+\n
\n
\n
" + }, + { + "file": "0024.html", + "caption": "Elements: 24/108", + "diff": "--- \n+++ \n@@ -65,7 +65,7 @@\n
\n \n
\n-
\n+
\n \n
\n " + }, + { + "file": "0025.html", + "caption": "Elements: 25/108", + "diff": "--- \n+++ \n@@ -67,7 +67,7 @@\n
\n
\n \n-
\n+
\n \n \n " + }, + { + "file": "0026.html", + "caption": "Elements: 26/108", + "diff": "--- \n+++ \n@@ -68,7 +68,7 @@\n
\n \n
\n-\n+\n \n \n " + }, + { + "file": "0027.html", + "caption": "Elements: 27/108", + "diff": "--- \n+++ \n@@ -69,7 +69,7 @@\n \n
\n \n-\n+\n \n \n YouTube" + }, + { + "file": "0028.html", + "caption": "Elements: 28/108", + "diff": "--- \n+++ \n@@ -70,7 +70,7 @@\n
\n \n \n-\n+\n \n YouTube\n HK" + }, + { + "file": "0029.html", + "caption": "Elements: 29/108", + "diff": "--- \n+++ \n@@ -72,7 +72,7 @@\n \n \n \n-YouTube\n+YouTube\n HK\n
\n " + }, + { + "file": "0030.html", + "caption": "Elements: 30/108", + "diff": "--- \n+++ \n@@ -73,7 +73,7 @@\n \n \n YouTube\n-HK\n+HK\n
\n \n
" + }, + { + "file": "0031.html", + "caption": "Elements: 31/108", + "diff": "--- \n+++ \n@@ -76,7 +76,7 @@\n HK\n
\n \n-
\n+
\n \n
\n \n
\n-\n+\n " + }, + { + "file": "0035.html", + "caption": "Elements: 35/108", + "diff": "--- \n+++ \n@@ -80,7 +80,7 @@\n \n \n " + }, + { + "file": "0036.html", + "caption": "Elements: 36/108", + "diff": "--- \n+++ \n@@ -84,7 +84,7 @@\n \n \n \n-\n \n
" + }, + { + "file": "0042.html", + "caption": "Elements: 42/108", + "diff": "--- \n+++ \n@@ -94,7 +94,7 @@\n \n
\n \n-
\n+
\n \n \n \n-\n \n \n \n-
Y
\n+
Y
\n
\n
\n
" + }, + { + "file": "0053.html", + "caption": "Elements: 53/108", + "diff": "--- \n+++ \n@@ -116,7 +116,7 @@\n
\n
\n
\n-
\n+
\n 全部\n 播客\n 游戏" + }, + { + "file": "0054.html", + "caption": "Elements: 54/108", + "diff": "--- \n+++ \n@@ -117,7 +117,7 @@\n
\n
\n
\n-全部\n+全部\n 播客\n 游戏\n 直播" + }, + { + "file": "0055.html", + "caption": "Elements: 55/108", + "diff": "--- \n+++ \n@@ -118,7 +118,7 @@\n
\n
\n 全部\n-播客\n+播客\n 游戏\n 直播\n 数学" + }, + { + "file": "0056.html", + "caption": "Elements: 56/108", + "diff": "--- \n+++ \n@@ -119,7 +119,7 @@\n
\n 全部\n 播客\n-游戏\n+游戏\n 直播\n 数学\n 篮球" + }, + { + "file": "0057.html", + "caption": "Elements: 57/108", + "diff": "--- \n+++ \n@@ -120,7 +120,7 @@\n 全部\n 播客\n 游戏\n-直播\n+直播\n 数学\n 篮球\n 足球" + }, + { + "file": "0058.html", + "caption": "Elements: 58/108", + "diff": "--- \n+++ \n@@ -121,7 +121,7 @@\n 播客\n 游戏\n 直播\n-数学\n+数学\n 篮球\n 足球\n 动画" + }, + { + "file": "0059.html", + "caption": "Elements: 59/108", + "diff": "--- \n+++ \n@@ -122,7 +122,7 @@\n 游戏\n 直播\n 数学\n-篮球\n+篮球\n 足球\n 动画\n 最近上传" + }, + { + "file": "0060.html", + "caption": "Elements: 60/108", + "diff": "--- \n+++ \n@@ -123,7 +123,7 @@\n 直播\n 数学\n 篮球\n-足球\n+足球\n 动画\n 最近上传\n 发现新视频" + }, + { + "file": "0061.html", + "caption": "Elements: 61/108", + "diff": "--- \n+++ \n@@ -124,7 +124,7 @@\n 数学\n 篮球\n 足球\n-动画\n+动画\n 最近上传\n 发现新视频\n
" + }, + { + "file": "0062.html", + "caption": "Elements: 62/108", + "diff": "--- \n+++ \n@@ -125,7 +125,7 @@\n 篮球\n 足球\n 动画\n-最近上传\n+最近上传\n 发现新视频\n
\n
" + }, + { + "file": "0063.html", + "caption": "Elements: 63/108", + "diff": "--- \n+++ \n@@ -126,7 +126,7 @@\n 足球\n 动画\n 最近上传\n-发现新视频\n+发现新视频\n
\n
\n
" + }, + { + "file": "0064.html", + "caption": "Elements: 64/108", + "diff": "--- \n+++ \n@@ -130,7 +130,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0065.html", + "caption": "Elements: 65/108", + "diff": "--- \n+++ \n@@ -131,7 +131,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0066.html", + "caption": "Elements: 66/108", + "diff": "--- \n+++ \n@@ -132,7 +132,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0067.html", + "caption": "Elements: 67/108", + "diff": "--- \n+++ \n@@ -133,7 +133,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0068.html", + "caption": "Elements: 68/108", + "diff": "--- \n+++ \n@@ -134,7 +134,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0069.html", + "caption": "Elements: 69/108", + "diff": "--- \n+++ \n@@ -136,7 +136,7 @@\n
\n
\n
\n-
\n+
\n

\n The Key Equation Behind Probability\n

" + }, + { + "file": "0070.html", + "caption": "Elements: 70/108", + "diff": "--- \n+++ \n@@ -137,7 +137,7 @@\n
\n
\n
\n-

\n+

\n The Key Equation Behind Probability\n

\n

" + }, + { + "file": "0071.html", + "caption": "Elements: 71/108", + "diff": "--- \n+++ \n@@ -140,7 +140,7 @@\n

\n The Key Equation Behind Probability\n

\n-

\n+

\n Artem Kirsanov\n \n ✔" + }, + { + "file": "0072.html", + "caption": "Elements: 72/108", + "diff": "--- \n+++ \n@@ -142,7 +142,7 @@\n

\n

\n Artem Kirsanov\n- \n+ \n ✔\n \n • 27万次观看 • 10个月前" + }, + { + "file": "0073.html", + "caption": "Elements: 73/108", + "diff": "--- \n+++ \n@@ -150,7 +150,7 @@\n

\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0074.html", + "caption": "Elements: 74/108", + "diff": "--- \n+++ \n@@ -151,7 +151,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0075.html", + "caption": "Elements: 75/108", + "diff": "--- \n+++ \n@@ -152,7 +152,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0076.html", + "caption": "Elements: 76/108", + "diff": "--- \n+++ \n@@ -153,7 +153,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0077.html", + "caption": "Elements: 77/108", + "diff": "--- \n+++ \n@@ -155,7 +155,7 @@\n
\n
\n
\n-
\n+
\n

\n Statistical mechanics of extensive-width shallow neural networks near interpolation\n

" + }, + { + "file": "0078.html", + "caption": "Elements: 78/108", + "diff": "--- \n+++ \n@@ -156,7 +156,7 @@\n
\n
\n
\n-

\n+

\n Statistical mechanics of extensive-width shallow neural networks near interpolation\n

\n

" + }, + { + "file": "0079.html", + "caption": "Elements: 79/108", + "diff": "--- \n+++ \n@@ -159,7 +159,7 @@\n

\n Statistical mechanics of extensive-width shallow neural networks near interpolation\n

\n-

\n+

\n ICTP Quantitative Life Sciences • 48次观看 • 22小时前\n

\n
" + }, + { + "file": "0080.html", + "caption": "Elements: 80/108", + "diff": "--- \n+++ \n@@ -165,7 +165,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0081.html", + "caption": "Elements: 81/108", + "diff": "--- \n+++ \n@@ -166,7 +166,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0082.html", + "caption": "Elements: 82/108", + "diff": "--- \n+++ \n@@ -167,7 +167,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0083.html", + "caption": "Elements: 83/108", + "diff": "--- \n+++ \n@@ -168,7 +168,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0084.html", + "caption": "Elements: 84/108", + "diff": "--- \n+++ \n@@ -170,7 +170,7 @@\n
\n
\n
\n-
\n+
\n

\n Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕)\n

" + }, + { + "file": "0085.html", + "caption": "Elements: 85/108", + "diff": "--- \n+++ \n@@ -171,7 +171,7 @@\n
\n
\n
\n-

\n+

\n Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕)\n

\n

" + }, + { + "file": "0086.html", + "caption": "Elements: 86/108", + "diff": "--- \n+++ \n@@ -174,7 +174,7 @@\n

\n Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕)\n

\n-

\n+

\n Hsi-Wei • 9.3万次观看 • 1个月前\n

\n
" + }, + { + "file": "0087.html", + "caption": "Elements: 87/108", + "diff": "--- \n+++ \n@@ -180,7 +180,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0088.html", + "caption": "Elements: 88/108", + "diff": "--- \n+++ \n@@ -181,7 +181,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0089.html", + "caption": "Elements: 89/108", + "diff": "--- \n+++ \n@@ -182,7 +182,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0090.html", + "caption": "Elements: 90/108", + "diff": "--- \n+++ \n@@ -183,7 +183,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0091.html", + "caption": "Elements: 91/108", + "diff": "--- \n+++ \n@@ -185,7 +185,7 @@\n
\n
\n
\n-
\n+
\n

\n EVE Online: 加入我们,开启宇宙之旅\n

" + }, + { + "file": "0092.html", + "caption": "Elements: 92/108", + "diff": "--- \n+++ \n@@ -186,7 +186,7 @@\n
\n
\n
\n-

\n+

\n EVE Online: 加入我们,开启宇宙之旅\n

\n

" + }, + { + "file": "0093.html", + "caption": "Elements: 93/108", + "diff": "--- \n+++ \n@@ -189,7 +189,7 @@\n

\n EVE Online: 加入我们,开启宇宙之旅\n

\n-

\n+

\n 赞助厂商广告 · EVE Online\n

\n
" + }, + { + "file": "0094.html", + "caption": "Elements: 94/108", + "diff": "--- \n+++ \n@@ -195,7 +195,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0095.html", + "caption": "Elements: 95/108", + "diff": "--- \n+++ \n@@ -196,7 +196,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0096.html", + "caption": "Elements: 96/108", + "diff": "--- \n+++ \n@@ -197,7 +197,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0097.html", + "caption": "Elements: 97/108", + "diff": "--- \n+++ \n@@ -198,7 +198,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0098.html", + "caption": "Elements: 98/108", + "diff": "--- \n+++ \n@@ -200,7 +200,7 @@\n
\n
\n
\n-
\n+
\n

\n \"Dopamine Loading\" is the EASIEST way to get ADDICTED to studying\n

" + }, + { + "file": "0099.html", + "caption": "Elements: 99/108", + "diff": "--- \n+++ \n@@ -201,7 +201,7 @@\n
\n
\n
\n-

\n+

\n \"Dopamine Loading\" is the EASIEST way to get ADDICTED to studying\n

\n

" + }, + { + "file": "0100.html", + "caption": "Elements: 100/108", + "diff": "--- \n+++ \n@@ -204,7 +204,7 @@\n

\n \"Dopamine Loading\" is the EASIEST way to get ADDICTED to studying\n

\n-

\n+

\n Matthew Smith\n

\n
" + }, + { + "file": "0101.html", + "caption": "Elements: 101/108", + "diff": "--- \n+++ \n@@ -210,7 +210,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0102.html", + "caption": "Elements: 102/108", + "diff": "--- \n+++ \n@@ -211,7 +211,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0103.html", + "caption": "Elements: 103/108", + "diff": "--- \n+++ \n@@ -212,7 +212,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n
" + }, + { + "file": "0104.html", + "caption": "Elements: 104/108", + "diff": "--- \n+++ \n@@ -213,7 +213,7 @@\n
\n
\n
\n-
\n+
\n
\n
\n

" + }, + { + "file": "0105.html", + "caption": "Elements: 105/108", + "diff": "--- \n+++ \n@@ -215,7 +215,7 @@\n
\n
\n
\n-
\n+
\n

\n But what is quantum computing? (Grover's Algorithm)\n

" + }, + { + "file": "0106.html", + "caption": "Elements: 106/108", + "diff": "--- \n+++ \n@@ -216,7 +216,7 @@\n
\n
\n
\n-

\n+

\n But what is quantum computing? (Grover's Algorithm)\n

\n

" + }, + { + "file": "0107.html", + "caption": "Elements: 107/108", + "diff": "--- \n+++ \n@@ -219,7 +219,7 @@\n

\n But what is quantum computing? (Grover's Algorithm)\n

\n-

\n+

\n 3Blue1Brown\n \n ✔" + }, + { + "file": "0108.html", + "caption": "Elements: 108/108", + "diff": "--- \n+++ \n@@ -221,7 +221,7 @@\n

\n

\n 3Blue1Brown\n- \n+ \n ✔\n \n

" + } +] \ No newline at end of file diff --git a/screencoder/demo/public/demos/youtube-interface/original_youtube.html b/screencoder/demo/public/demos/youtube-interface/original_youtube.html new file mode 100644 index 0000000000000000000000000000000000000000..4d77d745028d40fdc98bf09f6f5cef48cfe24ad2 --- /dev/null +++ b/screencoder/demo/public/demos/youtube-interface/original_youtube.html @@ -0,0 +1,247 @@ + + + + + Bounding Boxes Layout + + + + +
+ + +
+ +
+ + +
+
+ + +
+ + + + + YouTube + HK +
+ + +
+ + + + +
+ + +
+ + + + + + + + +
Y
+
+
+
+
+
+ 全部 + 播客 + 游戏 + 直播 + 数学 + 篮球 + 足球 + 动画 + 最近上传 + 发现新视频 +
+
+
+
+
+
+
+
+
+
+

+ The Key Equation Behind Probability +

+

+ Artem Kirsanov + + ✔ + + • 27万次观看 • 10个月前 +

+
+
+
+
+
+
+
+
+
+

+ Statistical mechanics of extensive-width shallow neural networks near interpolation +

+

+ ICTP Quantitative Life Sciences • 48次观看 • 22小时前 +

+
+
+
+
+
+
+
+
+
+

+ Wall Street Quant interview be likes | 華爾街量化交易面試 (中英文字幕) +

+

+ Hsi-Wei • 9.3万次观看 • 1个月前 +

+
+
+
+
+
+
+
+
+
+

+ EVE Online: 加入我们,开启宇宙之旅 +

+

+ 赞助厂商广告 · EVE Online +

+
+
+
+
+
+
+
+
+
+

+ "Dopamine Loading" is the EASIEST way to get ADDICTED to studying +

+

+ Matthew Smith +

+
+
+
+
+
+
+
+
+
+

+ But what is quantum computing? (Grover's Algorithm) +

+

+ 3Blue1Brown + + ✔ + +

+
+
+
+
+
+
+ + diff --git a/screencoder/demo/script/prepare_steps.py b/screencoder/demo/script/prepare_steps.py new file mode 100644 index 0000000000000000000000000000000000000000..4c2fb388760d7633bbf22cc0e2b102f115a48055 --- /dev/null +++ b/screencoder/demo/script/prepare_steps.py @@ -0,0 +1,62 @@ +import sys, pathlib, difflib, json, bs4 + +src_html = pathlib.Path(sys.argv[1]).read_text(encoding="utf-8") +out_dir = pathlib.Path(sys.argv[2]) +out_dir.mkdir(parents=True, exist_ok=True) + +soup = bs4.BeautifulSoup(src_html, "html.parser") + +# 1) select elements to be revealed frame by frame +# here we use all tags inside .box as an example, you can filter by yourself: +targets = [] +for box in soup.select("div.box"): + for node in box.descendants: + if isinstance(node, bs4.Tag): + # you can filter out wrapper / script / style etc. as needed + if node.name in {"script", "style"}: + continue + targets.append(node) + +total = len(targets) +print(f"Total nodes to be revealed: {total}") + +manifest, prev_lines = [], [] + +for idx, node in enumerate(targets, 1): + step_soup = bs4.BeautifulSoup(src_html, "html.parser") + + # second pass: hide elements that are not yet shown + shown_ids = set() # use id() to identify same node + for j, n in enumerate( + step_soup.select("div.box *") # * = all descendants + ): + if isinstance(n, bs4.Tag) and id(n) in shown_ids: + # already processed (prevent duplicate) + continue + if j + 1 > idx: # not yet shown elements + style = n.get("style", "") + # ensure no duplicate style + if "opacity" not in style: + style = ( + "opacity:0;transition:opacity .35s ease-out;" + style + ) + n["style"] = style + shown_ids.add(id(n)) + + # 3) write file + fname = f"{idx:04d}.html" + (out_dir / fname).write_text(str(step_soup), encoding="utf-8") + + diff = "" if not prev_lines else "\n".join( + difflib.unified_diff(prev_lines, str(step_soup).splitlines(), lineterm="") + ) + manifest.append( + {"file": fname, "caption": f"Elements: {idx}/{total}", "diff": diff} + ) + prev_lines = str(step_soup).splitlines() + +# 4) write manifest +(out_dir / "manifest.json").write_text( + json.dumps(manifest, ensure_ascii=False, indent=2) +) +print("Finished", out_dir.resolve()) diff --git a/screencoder/demo/src/App.jsx b/screencoder/demo/src/App.jsx new file mode 100644 index 0000000000000000000000000000000000000000..6622b0092aea5bcfce533b3425eb67bce3853269 --- /dev/null +++ b/screencoder/demo/src/App.jsx @@ -0,0 +1,979 @@ +import { useEffect, useRef, useState, useLayoutEffect } from 'react'; +import Editor from '@monaco-editor/react'; +import DemoSelector from './DemoSelector'; + +// Auto-scale Hook - simplified back to its original purpose +function useAutoScale(iframeRef, wrapRef) { + useLayoutEffect(() => { + if (!iframeRef.current || !wrapRef.current) return; + + const calc = () => { + const doc = iframeRef.current.contentDocument; + if (!doc || !doc.body) return; + + // Inject base styles for responsive scaling, if not present + if (!doc.querySelector('style[data-responsive-scale]')) { + const style = doc.createElement('style'); + style.setAttribute('data-responsive-scale', ''); + style.innerHTML = ` + html, body { + margin: 0; + padding: 0; + width: 100%; + height: 100%; + overflow: hidden; + font-family: -apple-system, BlinkMacSystemFont, 'Segoe UI', Roboto, sans-serif; + } + .container { + position: relative; + width: 100%; + height: 100vh; + box-sizing: border-box; + } + .box { + position: absolute; + box-sizing: border-box; + overflow: hidden; + } + .box img { max-width: 100%; height: auto; } + .box p, .box span:not(.sidebar-text) { font-size: max(16px, 1.2vw); line-height: 1.4; } + .box button { font-size: max(14px, 1.0vw); padding: max(6px, 0.4vw) max(12px, 0.8vw); } + .box input { font-size: max(16px, 1.2vw); padding: max(6px, 0.4vw) max(12px, 0.8vw); } + .box svg { width: max(20px, 1.5vw); height: max(20px, 1.5vw); } + `; + doc.head.appendChild(style); + } + }; + + const iframe = iframeRef.current; + iframe.addEventListener('load', calc); + calc(); + + window.addEventListener('resize', calc); + return () => { + iframe.removeEventListener('load', calc); + window.removeEventListener('resize', calc); + }; + }, [iframeRef, wrapRef]); +} + +// Instagram-specific preview component +function InstagramPreview({ code }) { + const iframeRef = useRef(null); + const wrapRef = useRef(null); + + useLayoutEffect(() => { + if (!iframeRef.current || !wrapRef.current) return; + + const calc = () => { + const doc = iframeRef.current.contentDocument; + if (!doc || !doc.body) return; + + // Inject Instagram-specific responsive styles + if (!doc.querySelector('style[data-instagram-responsive]')) { + const style = doc.createElement('style'); + style.setAttribute('data-instagram-responsive', ''); + style.innerHTML = ` + html, body { + margin: 0; + padding: 0; + width: 100%; + height: 100%; + overflow: hidden; + font-family: -apple-system, BlinkMacSystemFont, 'Segoe UI', Roboto, sans-serif; + } + .container { + position: relative; + width: 100%; + height: 100vh; + box-sizing: border-box; + overflow: hidden; + } + .box { + position: absolute; + box-sizing: border-box; + overflow: hidden; + } + // .box img { max-width: 100%; height: auto; } + // .box p, .box span { font-size: max(14px, 1.0vw); line-height: 1.4; } + // .box button { font-size: max(12px, 0.9vw); padding: max(4px, 0.3vw) max(8px, 0.6vw); } + // .box input { font-size: max(14px, 1.0vw); padding: max(4px, 0.3vw) max(8px, 0.6vw); } + // .box svg { width: max(16px, 1.2vw); height: max(16px, 1.2vw); } + `; + doc.head.appendChild(style); + } + }; + + const iframe = iframeRef.current; + iframe.addEventListener('load', calc); + calc(); + + window.addEventListener('resize', calc); + return () => { + iframe.removeEventListener('load', calc); + window.removeEventListener('resize', calc); + }; + }, [iframeRef, wrapRef]); + + return ( +
+
+