sha
stringlengths
40
40
text
stringlengths
0
13.4M
id
stringlengths
2
117
tags
list
created_at
stringlengths
25
25
metadata
stringlengths
2
31.7M
last_modified
stringlengths
25
25
2e308dbb026e15f3778416bb539b8202191212c2
UPD 29.05.2023: Добавлены негативные примеры. Датасет для ответов на вопросы по тексту. Сгенерирован моделью Den4ikAI/FRED-T5-XL_instructor Отличия от sberquad, xquad и т.д: 1. Ответы не односложные, развернутые, представляют несколько предложений 2. Не подходит для обучения энкодерных моделей!
Den4ikAI/ru_sberquad_long_answers
[ "task_categories:question-answering", "task_categories:text2text-generation", "size_categories:10K<n<100K", "language:ru", "license:mit", "region:us" ]
2023-05-28T16:25:41+00:00
{"language": ["ru"], "license": "mit", "size_categories": ["10K<n<100K"], "task_categories": ["question-answering", "text2text-generation"]}
2023-05-29T04:32:22+00:00
afad1ca330173b6b1f675c3017d9472c933d9860
# Dreambooth training set using Nala (a bunny) Precursor to further Dreambooth experimentation ## Usage ```python from diffusers import DDPMPipeline pipeline = DDPMPipeline.from_pretrained('benlehrburger/dreambooth-animal') image = pipeline().images[0] image ```
benlehrburger/dreambooth-animal
[ "pytorch", "stable diffusion", "dreambooth", "diffusion-models-class", "region:us" ]
2023-05-28T16:30:46+00:00
{"tags": ["pytorch", "stable diffusion", "dreambooth", "diffusion-models-class"]}
2023-06-05T05:10:53+00:00
c0182f3a56907ea1e99a660923e136f9d568eab6
# Dataset Card for "mcl_signal_processing_attacks_assembly_commonvoice" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
TeamSODA/mcl_signal_processing_attacks_assembly_commonvoice
[ "region:us" ]
2023-05-28T17:26:31+00:00
{"dataset_info": {"features": [{"name": "audio", "dtype": "audio"}, {"name": "label", "dtype": {"class_label": {"names": {"0": "0-benign", "1": "1-kenan", "2": "2-yeehaw", "3": "3-imaginary_clipping"}}}}], "splits": [{"name": "train", "num_bytes": 83239317.0, "num_examples": 200}], "download_size": 80750483, "dataset_size": 83239317.0}}
2023-05-28T17:28:12+00:00
d8202aaaf3bab0ed52d2448e2933ec64041922e5
# Scalable 3D Captioning with Pretrained Models ## Dataset Description - **Paper:** [Scalable 3D Captioning with Pretrained Models](https://arxiv.org/abs/2306.07279) - **Repository**: [Github](https://github.com/crockwell/Cap3D) - **Project**: [Project](https://cap3d-um.github.io/) This repository hosts data for [Scalable 3D Captioning with Pretrained Models](https://cap3d-um.github.io/), including descriptive **captions** for 3D objects in [Objaverse](https://arxiv.org/abs/2212.08051) and [ABO](https://arxiv.org/abs/2110.06199) ([example captioning](https://tiangeluo.github.io/projectpages/imgs/Cap3D/000.html)). This repo also includes **point clouds** and **rendered images with camera, depth, and MatAlpha information** of Objaverse objects, as well as their Shap-E latent codes. All the captions and data provided by our paper are released under ODC-By 1.0 license. ## Usage Please download and unzip files from [**Page**](https://huggingface.co/datasets/tiange/Cap3D/tree/main) according to your usage. Below is a table listing fiels descriptions, followed by example Python scripts for data loading. | Filename | Description | | -------------------------------------- | ------------------------------------------------------------ | |**Cap3D_automated_Objaverse_full.csv** | Combine the text descriptions generated by Cap3D, resulting in **785,150** 3D-caption pairs for the Objaverse dataset. |**Cap3D_automated_Objaverse_highquality.csv** |In Objaverse, we apply three criteria to filter out low-quality object-caption pairs: (1) captions containing potential inaccuracies; (2) objects scanned within indoor scenes; and (3) objects with potential ethical-issues. Resulting in **549,922** 3D-caption pairs.| |**Cap3D_automated_Objaverse_no3Dword.csv** | Our current 3D captions are densely packed with "3D-model" terminology, potentially limiting their utility in applications like embodied AI. As such, we've created a version with minimized 3D-related words. For example, "A 3D model of a black and yellow samurai sword." ➡️ "a black and yellow samurai sword."| | Cap3D_automated_Objaverse.csv | Combine the text descriptions generated by Cap3D, resulting in **661,577** 3D-caption pairs for the Objaverse dataset. All captions and related 3D objects here have commercial-friendly licenses (including CC-BY 4.0, CC-BY-SA 4.0, and CC0 1.0). We also filter out potential ethical-issues objects (e.g., identifiable face scans, NSFW, etc). | Cap3D_automated_ABO.csv | Text descriptions generated by Cap3D. **6,440** 3D-caption (structural descriptive) pairs for ABO dataset. | | Cap3D_human_{Objaverse, ABO}.pkl | Our collected human-authored text descriptions (Mostly English, very few non-English). The pickle file with `shape_id` as key. | | **PointCloud_zips** | **785,150** PointClouds (16,384 colorful points) extracted from Objaverse objects. Saved as `.ply` file. | | PointCloud_pt_zips | PointClouds saved as torch.Tensor `.pt` files, providing faster loading speed than `.ply`. | | **RenderedImage_perobj_zips** | Rendered images for Objaverse objects. Once unzip it will have multiple zip files which consists of 20 rendering images along with depth, camera (intrinsic, extrinsic), and MatAlpha information.| | Filename | Description | | -------------------------------------- | ------------------------------------------------------------ | | ShapELatentCode_zips | Extracted latent codes for Objaverse objects by using pretrained [Shap-E transmitter](https://github.com/openai/shap-e/blob/main/model-card.md). | | RenderedImage_zips | Rendered images for Objaverse objects: eight unique zip files each contain `661,577` JPEG images, representing different views. | | our_finetuned_models | Model checkpoints for our finetuned models (point-E, shape-E, etc). Our also provide our finetune codes in [Github](https://github.com/crockwell/Cap3D/tree/main/text-to-3D). | | blender.zip | The blender we used in this project. | | compressed_imgs_ABO.zip | Renderings of ABO objects without textures, used in captioning and evaluation. | | Cap3D_automated_Objaverse_allviews.pkl | Objaverse text descriptions of before putting into CLIP and GPT4. `pickle.load(open('Cap3D_automated_Objaverse_allviews.pkl','rb'))['view0'][UID]` | | text-to-3D_test | Including files that used to evaluate text-to-3D performance. | ``` # load our captions import pandas as pd captions = pd.read_csv('Cap3D_automated_Objaverse_no3Dword.csv', header=None) ## captions: ## 0 1 ## 0 ed51a51909ee46c780db3a85e821feb2 A green and white rifle. ## 1 9110b606f6c547b2980fcb3c8c4b6a1c a small building with a roof, accompanied by b... ## 2 80d9caaa1fa04502af666135196456e1 a pair of purple and black swords with white h... ## 3 28d43a218cd8466a8c1f82b29b71e314 a small house, island, road with trash, trash ... ## 4 75582285fab442a2ba31733f9c8fae66 a small, grassy hill. ## ... ... ... ## 661572 ccee95eac2fb48ec92d357e3d853f2bd a tall, white tower featuring a door, stairs, ... ## 661573 f02f574e85e94b879c1b54f4d3aa4b35 A yellow disc with a hole in the middle. ## 661574 f1d3d36114d34d29a18a8ed1516bf355 pink and white ball with a face and spikes. ## 661575 32d1927d6c0e4d9b9c445fc5988ec6c6 a white and pink bedroom and bathroom, featuri... ## 661576 2fa12ba0af5442c9af8f9bead1a7d020 Monstera plant with green leaves. ## if u want to obtain the caption for specific UID caption = captions[captions[0] == '80d9caaa1fa04502af666135196456e1'][1].values[0] # load point clouds (unzip https://huggingface.co/datasets/tiange/Cap3D/tree/main/PointCloud_pt_zips) import torch pts = torch.load('Cap3D_pcs_pt/80d9caaa1fa04502af666135196456e1.pt') ## pts.shape == torch.Size([6, 16384]) ``` If you have any questions, please contact [Tiange](mailto:[email protected]) or [Chris](mailto:[email protected]). ## Citation Information If you find our data or code useful, please consider citing: ```bibtex @article{luo2023scalable, title={Scalable 3D Captioning with Pretrained Models}, author={Luo, Tiange and Rockwell, Chris and Lee, Honglak and Johnson, Justin}, journal={arXiv preprint arXiv:2306.07279}, year={2023} } ``` Please cite ***Objaverse*** and ***ABO*** paper accordingly, if you use related data. ``` @inproceedings{deitke2023objaverse, title={Objaverse: A universe of annotated 3d objects}, author={Deitke, Matt and Schwenk, Dustin and Salvador, Jordi and Weihs, Luca and Michel, Oscar and VanderBilt, Eli and Schmidt, Ludwig and Ehsani, Kiana and Kembhavi, Aniruddha and Farhadi, Ali}, booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition}, pages={13142--13153}, year={2023} } ``` ``` @inproceedings{collins2022abo, title={Abo: Dataset and benchmarks for real-world 3d object understanding}, author={Collins, Jasmine and Goel, Shubham and Deng, Kenan and Luthra, Achleshwar and Xu, Leon and Gundogdu, Erhan and Zhang, Xi and Vicente, Tomas F Yago and Dideriksen, Thomas and Arora, Himanshu and others}, booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition}, pages={21126--21136}, year={2022} } ```
tiange/Cap3D
[ "task_categories:text-to-3d", "license:odc-by", "arxiv:2306.07279", "arxiv:2212.08051", "arxiv:2110.06199", "region:us" ]
2023-05-28T17:31:58+00:00
{"license": "odc-by", "task_categories": ["text-to-3d"], "viewer": false}
2024-02-13T22:54:09+00:00
d0294a11cef8c4ff9be9c93152da33bd5db9a81d
# Dataset Card for "fulldataset" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
adrianhenkel/full-tokenized-512
[ "task_categories:text-generation", "task_categories:translation", "size_categories:10M<n<100M", "region:us" ]
2023-05-28T17:43:05+00:00
{"size_categories": ["10M<n<100M"], "task_categories": ["text-generation", "translation"], "pretty_name": "tokenizedproteins", "dataset_info": {"features": [{"name": "input_id_x", "sequence": "int64"}, {"name": "input_id_y", "sequence": "int64"}], "splits": [{"name": "train", "num_bytes": 59707798880, "num_examples": 17070828}], "download_size": 4618055901, "dataset_size": 59707798880}}
2023-05-28T18:01:04+00:00
9dbb06fbcf82bf41ecd9b905d5b08d7569f2da9d
AtlasUnified/Code-Instruct-Sets
[ "license:mit", "region:us" ]
2023-05-28T18:19:03+00:00
{"license": "mit"}
2023-05-28T18:37:36+00:00
dd40153daf57a8157b2b8e704216755093b3d388
## Semantic search over the 44 million of English Wikipedia paragraphs using sentence transformers encoder. The dataset contains: - 43 911 155 paragraphs from 6 458 670 wikipedia articles stored in a zip archive; - FAISS index with the embeddings; - Retriever module for semantic search over the paragraphs. The size of each paragraph varies from 20 to 2000 characters. The embedding vector size is 768. The index is 4-bit-quantized 2-level IVF16384_HNSW32 constructed with the [FAISS library](https://github.com/facebookresearch/faiss). Sentence encoder: [all-mpnet-base-v2](https://huggingface.co/sentence-transformers/all-mpnet-base-v2).
olmer/wiki_mpnet_index
[ "license:cc-by-sa-3.0", "region:us" ]
2023-05-28T18:19:05+00:00
{"license": "cc-by-sa-3.0"}
2023-05-28T20:12:18+00:00
ac6ee23ab5d80bccc5b989417ed1eab9a7ca60d9
# Dataset Card for "character-prepared" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
AlekseyKorshuk/character-prepared
[ "region:us" ]
2023-05-28T18:30:31+00:00
{"dataset_info": {"features": [{"name": "name", "dtype": "string"}, {"name": "label", "dtype": "string"}, {"name": "greating", "dtype": "string"}, {"name": "description", "dtype": "string"}, {"name": "conversation", "list": [{"name": "from", "dtype": "string"}, {"name": "value", "dtype": "string"}]}, {"name": "image", "dtype": "image"}, {"name": "original_name", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 140739741.0, "num_examples": 232}], "download_size": 140446137, "dataset_size": 140739741.0}}
2023-05-29T02:39:05+00:00
37e9b0537a86e72e9eaf6ee8c9a27d872a944103
https://github.com/causalNLP/logical-fallacy ``` @article{jin2022logical, title={Logical fallacy detection}, author={Jin, Zhijing and Lalwani, Abhinav and Vaidhya, Tejas and Shen, Xiaoyu and Ding, Yiwen and Lyu, Zhiheng and Sachan, Mrinmaya and Mihalcea, Rada and Sch{\"o}lkopf, Bernhard}, journal={arXiv preprint arXiv:2202.13758}, year={2022} } ```
tasksource/logical-fallacy
[ "language:en", "license:unknown", "region:us" ]
2023-05-28T18:34:19+00:00
{"language": ["en"], "license": "unknown", "dataset_info": {"features": [{"name": "config", "dtype": "string"}, {"name": "source_article", "dtype": "string"}, {"name": "logical_fallacies", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 501956, "num_examples": 2680}, {"name": "test", "num_bytes": 93916, "num_examples": 511}, {"name": "dev", "num_bytes": 123026, "num_examples": 570}], "download_size": 369048, "dataset_size": 718898}}
2023-05-31T07:31:28+00:00
5eceff807fa5c796b7c2e3cf2f1011ca8ad8ea31
# Dataset Card for "chunk_0" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_0
[ "region:us" ]
2023-05-28T18:36:56+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1174524916, "num_examples": 228863}], "download_size": 1196593899, "dataset_size": 1174524916}}
2023-05-28T18:38:08+00:00
220d03fea15fa2db530179b42377dfb0d397ac50
# Dataset Card for "chunk_1" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_1
[ "region:us" ]
2023-05-28T18:38:09+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 943954420, "num_examples": 183935}], "download_size": 958851573, "dataset_size": 943954420}}
2023-05-28T18:39:06+00:00
c7dda6179396c734eea9419c4240679e0c7f129f
# Dataset Card for "chunk_2" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_2
[ "region:us" ]
2023-05-28T18:39:06+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 915302464, "num_examples": 178352}], "download_size": 931494167, "dataset_size": 915302464}}
2023-05-28T18:40:28+00:00
eb0d31d549ad58c7d3932d2fbe94248b5a461d37
# Dataset Card for "chunk_3" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_3
[ "region:us" ]
2023-05-28T18:40:28+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1000991468, "num_examples": 195049}], "download_size": 1015661644, "dataset_size": 1000991468}}
2023-05-28T18:41:33+00:00
740d68ef240c50adc0907b512dad5297a58de321
# Dataset Card for "chunk_4" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_4
[ "region:us" ]
2023-05-28T18:41:34+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 924540064, "num_examples": 180152}], "download_size": 941925034, "dataset_size": 924540064}}
2023-05-28T18:42:33+00:00
6880a6892a7ef27091cbfa4f36a53b4462f771a4
# Dataset Card for "chunk_5" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_5
[ "region:us" ]
2023-05-28T18:42:34+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 985066872, "num_examples": 191946}], "download_size": 1002573041, "dataset_size": 985066872}}
2023-05-28T18:43:38+00:00
b174f78b7c90151c0b7e86498eb882d1d2b73941
# Dataset Card for "chunk_6" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_6
[ "region:us" ]
2023-05-28T18:43:38+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1144158872, "num_examples": 222946}], "download_size": 1163402771, "dataset_size": 1144158872}}
2023-05-28T18:44:51+00:00
91bf701a9e8c4131cbbb1147d9480cc594835978
# Dataset Card for "chunk_7" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_7
[ "region:us" ]
2023-05-28T18:44:52+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1148074588, "num_examples": 223709}], "download_size": 1169211655, "dataset_size": 1148074588}}
2023-05-28T18:46:13+00:00
6e80b4ec15fd22a115c6e69d161c82c2b82088c5
# Dataset Card for "chunk_8" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_8
[ "region:us" ]
2023-05-28T18:46:13+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1127931488, "num_examples": 219784}], "download_size": 1149768976, "dataset_size": 1127931488}}
2023-05-28T18:47:34+00:00
1f5b51ded5f0e21ee002ab592990d7e484fe5f13
# Dataset Card for "chunk_9" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_9
[ "region:us" ]
2023-05-28T18:47:34+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1086983260, "num_examples": 211805}], "download_size": 1107590751, "dataset_size": 1086983260}}
2023-05-28T18:52:38+00:00
b58d56248c8d4bea25d935e43591c41d83f42e34
# Dataset Card for [Squad-UNIB] ## Table of Contents - [Table of Contents](#table-of-contents) - [Dataset Description](#dataset-description) - [Dataset Summary](#dataset-summary) - [Supported Tasks and Leaderboards](#supported-tasks-and-leaderboards) - [Languages](#languages) - [Dataset Structure](#dataset-structure) - [Data Instances](#data-instances) - [Data Fields](#data-fields) - [Data Splits](#data-splits) - [Dataset Creation](#dataset-creation) - [Curation Rationale](#curation-rationale) - [Source Data](#source-data) - [Annotations](#annotations) - [Personal and Sensitive Information](#personal-and-sensitive-information) - [Considerations for Using the Data](#considerations-for-using-the-data) - [Social Impact of Dataset](#social-impact-of-dataset) - [Discussion of Biases](#discussion-of-biases) - [Other Known Limitations](#other-known-limitations) - [Additional Information](#additional-information) - [Dataset Curators](#dataset-curators) - [Licensing Information](#licensing-information) - [Citation Information](#citation-information) - [Contributions](#contributions) ## Dataset Description - **Homepage:** - **Repository:** - **Paper:** - **Leaderboard:** - **Point of Contact:** ### Dataset Summary This dataset create by own colecting for NLP task individual ### Supported Tasks and Leaderboards [More Information Needed] ### Languages [More Information Needed] ## Dataset Structure ### Data Instances An example of 'train' looks as follows. ``` { "answers": { "answer_start": [1], "text": ["This is a test text"] }, "context": "This is a test context.", "id": "1", "question": "Is this a test?", "title": "train test" } ``` ### Data Fields The data fields are the same among all splits. #### plain_text - `id`: a `string` feature. - `title`: a `string` feature. - `context`: a `string` feature. - `question`: a `string` feature. - `answers`: a dictionary feature containing: - `text`: a `string` feature. - `answer_start`: a `int32` feature. ### Data Splits [More Information Needed] ## Dataset Creation ### Curation Rationale [More Information Needed] ### Source Data #### Initial Data Collection and Normalization [More Information Needed] #### Who are the source language producers? [More Information Needed] ### Annotations #### Annotation process [More Information Needed] #### Who are the annotators? [More Information Needed] ### Personal and Sensitive Information [More Information Needed] ## Considerations for Using the Data ### Social Impact of Dataset [More Information Needed] ### Discussion of Biases [More Information Needed] ### Other Known Limitations [More Information Needed] ## Additional Information ### Dataset Curators [More Information Needed] ### Licensing Information [More Information Needed] ### Citation Information [More Information Needed] ### Contributions Thanks to [@github-username](https://github.com/<github-username>) for adding this dataset.
fedryanto/UnibQuAD
[ "task_categories:question-answering", "task_ids:extractive-qa", "annotations_creators:crowdsourced", "language_creators:crowdsourced", "language_creators:found", "multilinguality:monolingual", "size_categories:1K<n<10K", "source_datasets:extended|wikipedia", "language:id", "license:cc-by-4.0", "region:us" ]
2023-05-28T18:48:32+00:00
{"annotations_creators": ["crowdsourced"], "language_creators": ["crowdsourced", "found"], "language": ["id"], "license": ["cc-by-4.0"], "multilinguality": ["monolingual"], "size_categories": ["1K<n<10K"], "source_datasets": ["extended|wikipedia"], "task_categories": ["question-answering"], "task_ids": ["extractive-qa"], "paperswithcode_id": "squad-unib", "pretty_name": "SQuAD-UNIB", "dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "title", "dtype": "string"}, {"name": "context", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "answers", "sequence": [{"name": "text", "dtype": "string"}, {"name": "answer_start", "dtype": "int32"}]}], "config_name": "plain_text"}, "train-eval-index": [{"config": "plain_text", "task": "question-answering", "task_id": "extractive_question_answering", "splits": {"train_split": "train", "eval_split": "validation"}, "col_mapping": {"question": "question", "context": "context", "answers": {"text": "text", "answer_start": "answer_start"}}, "metrics": [{"type": "squad", "name": "SQuAD"}]}]}
2023-07-18T15:02:48+00:00
bb6ae516c5e9645d77cb1d463d20c88a53bc2363
# Dataset Card for "chunk_10" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_10
[ "region:us" ]
2023-05-28T18:52:39+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1037849492, "num_examples": 202231}], "download_size": 1055994358, "dataset_size": 1037849492}}
2023-05-28T18:57:57+00:00
39da0ee0c0a5b7403daf77057b83bb68c709a8de
# Dataset Card for "chunk_11" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_11
[ "region:us" ]
2023-05-28T18:57:58+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1011594180, "num_examples": 197115}], "download_size": 1029925199, "dataset_size": 1011594180}}
2023-05-28T18:59:05+00:00
06f2e26af9073a7534e0a95ead38ff137ecc1747
# Dataset Card for "chunk_12" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_12
[ "region:us" ]
2023-05-28T18:59:05+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1003942368, "num_examples": 195624}], "download_size": 1025347214, "dataset_size": 1003942368}}
2023-05-28T19:00:11+00:00
2e2cf724ec8eb65c66f529e6bdefeea3af4efa77
# Dataset Card for "chunk_13" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_13
[ "region:us" ]
2023-05-28T19:00:11+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1196705420, "num_examples": 233185}], "download_size": 1214418696, "dataset_size": 1196705420}}
2023-05-28T19:01:28+00:00
bcaa49d3920c3f48817ee5678bdb565758a858f5
# Dataset Card for "chunk_14" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_14
[ "region:us" ]
2023-05-28T19:01:28+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1076662808, "num_examples": 209794}], "download_size": 1097593758, "dataset_size": 1076662808}}
2023-05-28T19:02:39+00:00
bf9ce7dab92a8527470c0bc6bfb0a59ad51d8de7
# Dataset Card for "chunk_15" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_15
[ "region:us" ]
2023-05-28T19:02:40+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1024449840, "num_examples": 199620}], "download_size": 1045910583, "dataset_size": 1024449840}}
2023-05-28T19:03:49+00:00
fdabfe1d3cfe709bb79e734dda58c21d324d70b4
# Dataset Card for "chunk_16" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_16
[ "region:us" ]
2023-05-28T19:03:50+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1245592852, "num_examples": 242711}], "download_size": 1269320601, "dataset_size": 1245592852}}
2023-05-28T19:05:10+00:00
def379c0e9e8371b15668337574f24a21968b2ab
# Dataset Card for "chunk_17" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_17
[ "region:us" ]
2023-05-28T19:05:10+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1420681296, "num_examples": 276828}], "download_size": 1451360616, "dataset_size": 1420681296}}
2023-05-28T19:06:43+00:00
bbfcded1640bcd196de7f254cc75bbb68fbbd09f
# Dataset Card for "chunk_18" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_18
[ "region:us" ]
2023-05-28T19:06:43+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1451878724, "num_examples": 282907}], "download_size": 1482727032, "dataset_size": 1451878724}}
2023-05-28T19:08:19+00:00
019b5ab2ca92ff1c92727f6838b1c30e41853333
# Dataset Card for "chunk_19" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_19
[ "region:us" ]
2023-05-28T19:08:20+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1445648476, "num_examples": 281693}], "download_size": 1476176513, "dataset_size": 1445648476}}
2023-05-28T19:09:52+00:00
e7a37fe75d8566dc1fd151561fba6b710b6c7a7d
# Dataset Card for "chunk_20" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_20
[ "region:us" ]
2023-05-28T19:09:53+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1426485588, "num_examples": 277959}], "download_size": 1456704271, "dataset_size": 1426485588}}
2023-05-28T19:11:30+00:00
0ca4b295870bbee78b6b7c1109c3f8c1ae1cee61
# Dataset Card for "chunk_21" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_21
[ "region:us" ]
2023-05-28T19:11:30+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1344481360, "num_examples": 261980}], "download_size": 1374039050, "dataset_size": 1344481360}}
2023-05-28T19:13:00+00:00
f3ea5dd458fc6de5764f06f72555ed323162e327
# Dataset Card for "chunk_22" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_22
[ "region:us" ]
2023-05-28T19:13:01+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1081620320, "num_examples": 210760}], "download_size": 1105089406, "dataset_size": 1081620320}}
2023-05-28T19:14:12+00:00
f4aa9db4d2f01c941bd2f8b44ddbc1485b480cb8
# Dataset Card for "chunk_23" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_23
[ "region:us" ]
2023-05-28T19:14:12+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1004080932, "num_examples": 195651}], "download_size": 1026479254, "dataset_size": 1004080932}}
2023-05-28T19:15:18+00:00
bc8b255ccc68673f25b3741d918e536b65d0d7c9
# Dataset Card for "chunk_24" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_24
[ "region:us" ]
2023-05-28T19:15:19+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 902826572, "num_examples": 175921}], "download_size": 922576593, "dataset_size": 902826572}}
2023-05-28T19:16:20+00:00
2715da17195cc6d32380761fe9cc89cef37e49de
# Dataset Card for "chunk_25" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_25
[ "region:us" ]
2023-05-28T19:16:21+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 846297592, "num_examples": 164906}], "download_size": 865280591, "dataset_size": 846297592}}
2023-05-28T19:17:17+00:00
e9709d42449599c9b494f11690bfcb45c2049b33
# Dataset Card for "chunk_26" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_26
[ "region:us" ]
2023-05-28T19:17:17+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 866820460, "num_examples": 168905}], "download_size": 886569483, "dataset_size": 866820460}}
2023-05-28T19:18:13+00:00
532eb80410296bf3accec0ee10ac263aff3ed725
# Dataset Card for "chunk_27" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_27
[ "region:us" ]
2023-05-28T19:18:14+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 898023020, "num_examples": 174985}], "download_size": 917718427, "dataset_size": 898023020}}
2023-05-28T19:19:12+00:00
5ec55e5f664acf99e9bdb15a9530b6b465d19297
# Dataset Card for "chunk_28" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_28
[ "region:us" ]
2023-05-28T19:19:13+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 867266944, "num_examples": 168992}], "download_size": 886869889, "dataset_size": 867266944}}
2023-05-28T19:20:11+00:00
01221b3d6fdcd1cf8db6c8a28ae7f0452a9c2623
# Dataset Card for "chunk_29" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_29
[ "region:us" ]
2023-05-28T19:20:11+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 872830032, "num_examples": 170076}], "download_size": 892997828, "dataset_size": 872830032}}
2023-05-28T19:21:05+00:00
db92da81b6a5acdfc04bf44ea29a7b53c4f54fb0
# Dataset Card for "chunk_30" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_30
[ "region:us" ]
2023-05-28T19:21:06+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 797856644, "num_examples": 155467}], "download_size": 816235042, "dataset_size": 797856644}}
2023-05-28T19:21:54+00:00
9a6d1238a4753576053109be1fd0059cdb5efd79
# Dataset Card for "chunk_31" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_31
[ "region:us" ]
2023-05-28T19:21:55+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 810270952, "num_examples": 157886}], "download_size": 827464871, "dataset_size": 810270952}}
2023-05-28T19:22:44+00:00
5b92b23a1f4443b37dee2b4b039c8142aa21c70a
# Dataset Card for "chunk_32" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_32
[ "region:us" ]
2023-05-28T19:22:44+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 747696476, "num_examples": 145693}], "download_size": 764524372, "dataset_size": 747696476}}
2023-05-28T19:23:32+00:00
a9be17f0cf2549d3792f85acf5267ada12e3966a
# Dataset Card for "chunk_69" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_69
[ "region:us" ]
2023-05-28T19:23:25+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1046332688.0, "num_examples": 203884}], "download_size": 1064943866, "dataset_size": 1046332688.0}}
2023-05-28T19:25:17+00:00
d59fcae9356743ee54500e3a19bf624730f88908
# Dataset Card for "chunk_33" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_33
[ "region:us" ]
2023-05-28T19:23:32+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 646503700, "num_examples": 125975}], "download_size": 660888548, "dataset_size": 646503700}}
2023-05-28T19:24:12+00:00
ef674869a67d8750b5d042b6321399bb17bf403f
# Dataset Card for "flickr_humans_30k" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
jlbaker361/flickr_humans_30k
[ "region:us" ]
2023-05-28T19:24:07+00:00
{"dataset_info": {"features": [{"name": "image", "dtype": "image"}, {"name": "split", "dtype": "string"}, {"name": "src", "dtype": "string"}, {"name": "style", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 12089068170.0, "num_examples": 30000}], "download_size": 12060478344, "dataset_size": 12089068170.0}}
2023-05-28T19:29:43+00:00
76daf560214adc09ff941c71c571c8089d03cffb
# Dataset Card for "chunk_0" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_0
[ "region:us" ]
2023-05-28T19:24:11+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1174273448.0, "num_examples": 228814}], "download_size": 1200140011, "dataset_size": 1174273448.0}}
2023-05-28T19:26:41+00:00
663286398dabfb7a74a0c96c92febb96248dd19f
# Dataset Card for "chunk_34" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_34
[ "region:us" ]
2023-05-28T19:24:13+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 651030124, "num_examples": 126857}], "download_size": 666104192, "dataset_size": 651030124}}
2023-05-28T19:24:53+00:00
9045ea0f98f214ab710fc945404d7e907767c4b8
# Dataset Card for "chunk_35" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_35
[ "region:us" ]
2023-05-28T19:24:53+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 599509976, "num_examples": 116818}], "download_size": 613587656, "dataset_size": 599509976}}
2023-05-28T19:25:31+00:00
9c600bf66a31b8f07236b6f9a5fa35dd56fadb1f
# Dataset Card for "chunk_36" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_36
[ "region:us" ]
2023-05-28T19:25:32+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 488761416, "num_examples": 95238}], "download_size": 499749800, "dataset_size": 488761416}}
2023-05-28T19:26:02+00:00
829fed7f8b287f2a7e8b95033295f2169088eedf
# Dataset Card for "chunk_206" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_206
[ "region:us" ]
2023-05-28T19:25:34+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1106674744.0, "num_examples": 215642}], "download_size": 1134781577, "dataset_size": 1106674744.0}}
2023-05-28T19:26:17+00:00
87142fa4b11b0a62054ef622d74520b4e73d9009
# Dataset Card for "chunk_138" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_138
[ "region:us" ]
2023-05-28T19:26:01+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1136548116.0, "num_examples": 221463}], "download_size": 1163957331, "dataset_size": 1136548116.0}}
2023-05-28T19:27:03+00:00
1c519b4645e6597191beb2cd50f6729dd3f5bb7a
# Dataset Card for "chunk_37" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_37
[ "region:us" ]
2023-05-28T19:26:03+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 959837960, "num_examples": 187030}], "download_size": 978084646, "dataset_size": 959837960}}
2023-05-28T19:27:08+00:00
707d9303ad72a32a4b734da60c18956d24ebe6fa
# Dataset Card for "chunk_38" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_38
[ "region:us" ]
2023-05-28T19:27:09+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1352713088, "num_examples": 263584}], "download_size": 1375100701, "dataset_size": 1352713088}}
2023-05-28T19:28:32+00:00
c0e1c77ffb7159435f06ccf8198d43711cffdcfd
# Dataset Card for "chunk_39" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_39
[ "region:us" ]
2023-05-28T19:28:32+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1309958396, "num_examples": 255253}], "download_size": 1331632913, "dataset_size": 1309958396}}
2023-05-28T19:29:52+00:00
48688028f5cbaf3b626d185c87808852665fb1f3
# Dataset Card for "chunk_70" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_70
[ "region:us" ]
2023-05-28T19:28:58+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1022073724.0, "num_examples": 199157}], "download_size": 1046891382, "dataset_size": 1022073724.0}}
2023-05-28T19:30:46+00:00
44ea85e74bed1560142d3f442f73d0a3104bd4cb
# Dataset Card for "chunk_40" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_40
[ "region:us" ]
2023-05-28T19:29:52+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1292186280, "num_examples": 251790}], "download_size": 1312964172, "dataset_size": 1292186280}}
2023-05-28T19:31:15+00:00
27ab5e6b25c22cba6004bc542fceb1ad1524bf74
# Dataset Card for "anime_faces_30k" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
jlbaker361/anime_faces_30k
[ "region:us" ]
2023-05-28T19:30:47+00:00
{"dataset_info": {"features": [{"name": "image", "dtype": "image"}, {"name": "split", "dtype": "string"}, {"name": "src", "dtype": "string"}, {"name": "style", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 1645147431.0, "num_examples": 30000}], "download_size": 1627922358, "dataset_size": 1645147431.0}}
2023-06-05T19:20:56+00:00
def062ec3433eafc67e73f1fad1cc3c2878245a0
# Dataset Card for "chunk_41" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_41
[ "region:us" ]
2023-05-28T19:31:15+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1280731656, "num_examples": 249558}], "download_size": 1302386764, "dataset_size": 1280731656}}
2023-05-28T19:32:34+00:00
eccaa8c4d92738412fc82a3dc282742b4c4f825d
# Dataset Card for "chunk_1" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_1
[ "region:us" ]
2023-05-28T19:31:51+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 943702952.0, "num_examples": 183886}], "download_size": 961352514, "dataset_size": 943702952.0}}
2023-05-28T19:33:31+00:00
ea4e7865c1aa6e778b996880e09fcfdb7227c11e
# Dataset Card for "chunk_207" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_207
[ "region:us" ]
2023-05-28T19:32:25+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1132955716.0, "num_examples": 220763}], "download_size": 1161751256, "dataset_size": 1132955716.0}}
2023-05-28T19:33:12+00:00
167faf30d574bd7e343b9e0113b170e62e052c52
# Dataset Card for "chunk_42" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_42
[ "region:us" ]
2023-05-28T19:32:34+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1257237360, "num_examples": 244980}], "download_size": 1278333740, "dataset_size": 1257237360}}
2023-05-28T19:33:59+00:00
2e6239a783f22c34a91b1431ed318075ac1d2ce7
# Dataset Card for "chunk_139" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_139
[ "region:us" ]
2023-05-28T19:33:16+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1139011476.0, "num_examples": 221943}], "download_size": 1164507891, "dataset_size": 1139011476.0}}
2023-05-28T19:34:17+00:00
3af9f8ccd5a8a259a11651f8227f437826d073ef
# Dataset Card for "chunk_43" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_43
[ "region:us" ]
2023-05-28T19:33:59+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1252387620, "num_examples": 244035}], "download_size": 1274983319, "dataset_size": 1252387620}}
2023-05-28T19:35:17+00:00
a616dd22956a29a4c41e0a675ba49ec046def536
# Dataset Card for "chunk_71" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_71
[ "region:us" ]
2023-05-28T19:34:59+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1189987632.0, "num_examples": 231876}], "download_size": 1217371935, "dataset_size": 1189987632.0}}
2023-05-28T19:37:04+00:00
a32f103b0a21f05abc13ff5f5255161209395f97
# Dataset Card for "flickr_humans_40k" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
jlbaker361/flickr_humans_40k
[ "region:us" ]
2023-05-28T19:35:08+00:00
{"dataset_info": {"features": [{"name": "image", "dtype": "image"}, {"name": "split", "dtype": "string"}, {"name": "src", "dtype": "string"}, {"name": "style", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 16108429560.0, "num_examples": 40000}], "download_size": 16072433920, "dataset_size": 16108429560.0}}
2023-05-28T19:42:47+00:00
2b06f6a7f77338c648357cf55537f30fbc0488d0
# Dataset Card for "chunk_44" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_44
[ "region:us" ]
2023-05-28T19:35:17+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1251551104, "num_examples": 243872}], "download_size": 1272561308, "dataset_size": 1251551104}}
2023-05-28T19:36:46+00:00
7ccbfeb155bda7b605d5457ab32b9939dd87ace0
# Dataset Card for "chunk_45" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_45
[ "region:us" ]
2023-05-28T19:36:47+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1219219504, "num_examples": 237572}], "download_size": 1241201193, "dataset_size": 1219219504}}
2023-05-28T19:38:02+00:00
e24c4d778821040305c3b43853e59237f7ea76ac
# Dataset Card for "chunk_46" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_46
[ "region:us" ]
2023-05-28T19:38:03+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1183454596, "num_examples": 230603}], "download_size": 1201119131, "dataset_size": 1183454596}}
2023-05-28T19:39:16+00:00
b9095bfc29b4b865dd4535ce71b79dc22bb7d5ef
# Dataset Card for "chunk_2" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_2
[ "region:us" ]
2023-05-28T19:38:13+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 914994544.0, "num_examples": 178292}], "download_size": 932923902, "dataset_size": 914994544.0}}
2023-05-28T19:39:50+00:00
2b67495b5562aeff95cda3b17264036c834133fd
# Dataset Card for "chunk_47" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_47
[ "region:us" ]
2023-05-28T19:39:17+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1189766956, "num_examples": 231833}], "download_size": 1211157590, "dataset_size": 1189766956}}
2023-05-28T19:40:30+00:00
ebf1ae001b33f919dc5316b9017080fc12c53aad
# Dataset Card for "chunk_208" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_208
[ "region:us" ]
2023-05-28T19:39:46+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1203561772.0, "num_examples": 234521}], "download_size": 1234482532, "dataset_size": 1203561772.0}}
2023-05-28T19:40:33+00:00
3243650f09df5bf8ec58292fe985e7ef3c869b52
# Dataset Card for "chunk_48" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_48
[ "region:us" ]
2023-05-28T19:40:30+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1160791684, "num_examples": 226187}], "download_size": 1182974938, "dataset_size": 1160791684}}
2023-05-28T19:41:41+00:00
f992bff55047f4ff405286414701eff06e5c07d0
# Dataset Card for "chunk_140" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_140
[ "region:us" ]
2023-05-28T19:40:36+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1147145696.0, "num_examples": 223528}], "download_size": 1170538394, "dataset_size": 1147145696.0}}
2023-05-28T19:41:43+00:00
4eedd1caa27a3221d263310a6eab42c160f80909
# Dataset Card for "chunk_49" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_49
[ "region:us" ]
2023-05-28T19:41:42+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1230653600, "num_examples": 239800}], "download_size": 1257701129, "dataset_size": 1230653600}}
2023-05-28T19:43:13+00:00
e2daa398140c844fea06a6c6eb86af3ba91b70d3
# Dataset Card for "chunk_72" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_72
[ "region:us" ]
2023-05-28T19:42:13+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1334591996.0, "num_examples": 260053}], "download_size": 1365958032, "dataset_size": 1334591996.0}}
2023-05-28T19:44:38+00:00
90d12a8b3c052f27f6bf1ff662aee269c982955d
# Dataset Card for "chunk_50" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_50
[ "region:us" ]
2023-05-28T19:43:13+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1161161188, "num_examples": 226259}], "download_size": 1178057940, "dataset_size": 1161161188}}
2023-05-28T19:44:24+00:00
25a4105f09df1119012b65549f099186b643c44f
# Dataset Card for "chunk_51" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_51
[ "region:us" ]
2023-05-28T19:44:24+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1248559148, "num_examples": 243289}], "download_size": 1277189885, "dataset_size": 1248559148}}
2023-05-28T19:45:44+00:00
1cc3fe9b658dc13cf8e8818dd00ac5d8cadada56
# Dataset Card for "flickr_humans_50k" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
jlbaker361/flickr_humans_50k
[ "region:us" ]
2023-05-28T19:44:57+00:00
{"dataset_info": {"features": [{"name": "image", "dtype": "image"}, {"name": "split", "dtype": "string"}, {"name": "src", "dtype": "string"}, {"name": "style", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 20110900850.0, "num_examples": 50000}], "download_size": 20092785468, "dataset_size": 20110900850.0}}
2023-05-28T19:55:06+00:00
54dfebc25c3d2b884149c241fd970f2dd4b94485
# Dataset Card for "chunk_3" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_3
[ "region:us" ]
2023-05-28T19:45:03+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1000842640.0, "num_examples": 195020}], "download_size": 1019261621, "dataset_size": 1000842640.0}}
2023-05-28T19:46:51+00:00
f321e313165c079869fb145e3798c14e120c927c
# Dataset Card for "chunk_52" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_52
[ "region:us" ]
2023-05-28T19:45:45+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1171994840, "num_examples": 228370}], "download_size": 1196407767, "dataset_size": 1171994840}}
2023-05-28T19:46:57+00:00
5f09c2e073f757466f28da185cb52b3ecb170317
# Dataset Card for "chunk_209" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_209
[ "region:us" ]
2023-05-28T19:46:33+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1150512288.0, "num_examples": 224184}], "download_size": 1179727267, "dataset_size": 1150512288.0}}
2023-05-28T19:47:19+00:00
7fcf1bac92e7a7759df191be4632ae610b5f82f4
# Dataset Card for "chunk_53" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_53
[ "region:us" ]
2023-05-28T19:46:58+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1233101564, "num_examples": 240277}], "download_size": 1248396093, "dataset_size": 1233101564}}
2023-05-28T19:48:25+00:00
3dfcde75e85cbd703d8d6800ff2a5f109b2172c9
# Dataset Card for "chunk_141" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_141
[ "region:us" ]
2023-05-28T19:47:18+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1063668584.0, "num_examples": 207262}], "download_size": 1087021554, "dataset_size": 1063668584.0}}
2023-05-28T19:52:13+00:00
70324573f2258a28d5282120f5f09bf42bef4b63
# Dataset Card for "chunk_54" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_54
[ "region:us" ]
2023-05-28T19:48:25+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1332836852, "num_examples": 259711}], "download_size": 1362554244, "dataset_size": 1332836852}}
2023-05-28T19:49:50+00:00
f379806df8017118e69b3dfd4fa87dea0c6707cf
# Dataset Card for "chunk_73" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_73
[ "region:us" ]
2023-05-28T19:49:24+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1319093356.0, "num_examples": 257033}], "download_size": 1350528354, "dataset_size": 1319093356.0}}
2023-05-28T19:51:53+00:00
90e2fd040db78c21ecd7a281435e34d63862d61e
# Dataset Card for "chunk_55" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_55
[ "region:us" ]
2023-05-28T19:49:50+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1326093404, "num_examples": 258397}], "download_size": 1355758713, "dataset_size": 1326093404}}
2023-05-28T19:51:11+00:00
c301f6385209e998f21b604441eea7453f696118
# Dataset Card for "chunk_56" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_56
[ "region:us" ]
2023-05-28T19:51:12+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1395673060, "num_examples": 271955}], "download_size": 1426718157, "dataset_size": 1395673060}}
2023-05-28T19:52:46+00:00
ff7b24998f20853a61bc345b2b62795111f33e4f
# Dataset Card for "chunk_4" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_4
[ "region:us" ]
2023-05-28T19:51:54+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 924478480.0, "num_examples": 180140}], "download_size": 944999652, "dataset_size": 924478480.0}}
2023-05-28T19:53:38+00:00
7187dbb5a4625836e7f05c61c719c8bb506ea7f4
# Dataset Card for "anime_faces_40k" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
jlbaker361/anime_faces_40k
[ "region:us" ]
2023-05-28T19:51:54+00:00
{"dataset_info": {"features": [{"name": "image", "dtype": "image"}, {"name": "split", "dtype": "string"}, {"name": "src", "dtype": "string"}, {"name": "style", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 2163317587.0, "num_examples": 40000}], "download_size": 2152344721, "dataset_size": 2163317587.0}}
2023-06-05T19:39:25+00:00
8ada5e220c626c619f68c796062e71342c0327be
# Dataset Card for "chunk_57" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_57
[ "region:us" ]
2023-05-28T19:52:46+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1352918368, "num_examples": 263624}], "download_size": 1378627003, "dataset_size": 1352918368}}
2023-05-28T19:54:16+00:00
a8f59774093db273470e2afb8ee8797567fa32bc
# Dataset Card for "chunk_210" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_210
[ "region:us" ]
2023-05-28T19:53:47+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1131954976.0, "num_examples": 220568}], "download_size": 1160984000, "dataset_size": 1131954976.0}}
2023-05-28T19:54:32+00:00
c32fa2645e9481c56b44d89964d303b9ac2c51a5
# Dataset Card for "chunk_58" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_58
[ "region:us" ]
2023-05-28T19:54:16+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1311169548, "num_examples": 255489}], "download_size": 1334380090, "dataset_size": 1311169548}}
2023-05-28T19:55:38+00:00
9ce333f922add4b46cb2cae97f2491d1fb5a209a
# Dataset Card for "chunk_59" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_59
[ "region:us" ]
2023-05-28T19:55:38+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1325800880, "num_examples": 258340}], "download_size": 1351303087, "dataset_size": 1325800880}}
2023-05-28T19:56:59+00:00
25b557efe5b9d93de51377e544dff62c7d14c4a2
# Dataset Card for "chunk_74" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_74
[ "region:us" ]
2023-05-28T19:56:27+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1284247076.0, "num_examples": 250243}], "download_size": 1315143122, "dataset_size": 1284247076.0}}
2023-05-28T19:58:42+00:00
dd18df7ddc83941659cba3c77485f17e5e8ff3f9
# Dataset Card for "chunk_60" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_60
[ "region:us" ]
2023-05-28T19:57:00+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1309814700, "num_examples": 255225}], "download_size": 1333599005, "dataset_size": 1309814700}}
2023-05-28T19:58:29+00:00
92990c1b12f18d5ee34c156ce7ac0eaa466980af
# Dataset Card for "chunk_142" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_142
[ "region:us" ]
2023-05-28T19:58:06+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1078700212.0, "num_examples": 210191}], "download_size": 1104583624, "dataset_size": 1078700212.0}}
2023-05-28T19:59:10+00:00
45d6718ed64d7001da46c3ffa36bc284e0399313
# Dataset Card for "chunk_61" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_61
[ "region:us" ]
2023-05-28T19:58:30+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1298493508, "num_examples": 253019}], "download_size": 1318810467, "dataset_size": 1298493508}}
2023-05-28T19:59:50+00:00
25742f0e69ed1151b5278620cbd091f565eee362
# Dataset Card for "chunk_5" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-one-sec-cv12-each-chunk-uniq/chunk_5
[ "region:us" ]
2023-05-28T19:58:45+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 984815404.0, "num_examples": 191897}], "download_size": 1005840781, "dataset_size": 984815404.0}}
2023-05-28T20:00:33+00:00
623e73a9ba8b2ae0b729a245786aa880ff6e3c2e
# Dataset Card for "chunk_62" [More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards)
distilled-from-one-sec-cv12/chunk_62
[ "region:us" ]
2023-05-28T19:59:50+00:00
{"dataset_info": {"features": [{"name": "logits", "sequence": "float32"}, {"name": "mfcc", "sequence": {"sequence": "float64"}}], "splits": [{"name": "train", "num_bytes": 1139755616, "num_examples": 222088}], "download_size": 1155406188, "dataset_size": 1139755616}}
2023-05-28T20:01:02+00:00