sha
stringlengths 40
40
| text
stringlengths 1
13.4M
| id
stringlengths 2
117
| tags
sequencelengths 1
7.91k
| created_at
stringlengths 25
25
| metadata
stringlengths 2
875k
| last_modified
stringlengths 25
25
| arxiv
sequencelengths 0
25
| languages
sequencelengths 0
7.91k
| tags_str
stringlengths 17
159k
| text_str
stringlengths 1
447k
| text_lists
sequencelengths 0
352
| processed_texts
sequencelengths 1
353
| tokens_length
sequencelengths 1
353
| input_texts
sequencelengths 1
40
| embeddings
sequencelengths 768
768
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
12b0953f0bedba426e52926723a387d4118155bf |
# A kernel function which improves the accuracy and interpretability of large ensembles of neural networks
We describe a new kernel (i.e. similarity function between pairs of examples) which is computed using an ensemble of neural networks. It has the following properties:
- Using it to predict test labels (via k-nearest neighbors across the training set) yields even higher accuracy than the standard ensemble inference method
of averaging predictions, once the number of networks exceeds about 100. We believe this kernel + k-NN method is the state-of-the-art for inferencing large ensembles
(although such ensembles are rarely used in practice).
- Being a similarity function, it is highly interpretable. For each test example, it allows us to visualize training examples which are deemed to have
similar features by the training process, with much greater fidelity than e.g. penultimate layer embeddings. For instance, we use this to identify the (known) fact that
~10% of the CIFAR-10 test-set examples have a near-duplicate in the training set, and to identify a failure mode.
To compute the kernel for an ensemble of n=500 models, we provide the following simple code (which can be copy-paste run in your environment).
```
import torch
import torchvision
import huggingface_hub
def normalize(logits):
logits = logits.float()
logits = logits.log_softmax(-1)
logits = (logits - logits.mean(0, keepdim=True)) / logits.std(0, keepdim=True)
return logits
def compute_kernel(logits1, logits2):
logits1 = normalize(logits1)
logits2 = normalize(logits2)
assert len(logits1) == len(logits2)
kernel = torch.zeros(logits1.shape[1], logits2.shape[1]).cuda()
for c in range(10):
logits1_cls = logits1[..., c].cuda()
logits2_cls = logits2[..., c].cuda()
corr_cls = (logits1_cls.T @ logits2_cls) / len(logits1)
kernel += corr_cls / 10
return kernel
######################################################################################
# Setup: Download CIFAR-10 labels and the outputs from 500 repeated training runs. #
######################################################################################
labels_train = torch.tensor(torchvision.datasets.CIFAR10('cifar10', train=True).targets)
labels_test = torch.tensor(torchvision.datasets.CIFAR10('cifar10', train=False).targets)
api = huggingface_hub.HfApi()
fname = 'logs_saveoutputs_main/06109e85-f5d7-4ac8-b0b0-f03542f23234/log.pt'
obj_path = api.hf_hub_download('kjj0/cifar10-multirun-logits', repo_type='dataset',
filename=fname)
obj = torch.load(obj_path, map_location='cpu')
# print(obj['code']) # Uncomment if you want to see the training code
######################################################################################
# Evaluate both the per-model and ensembled accuracy of the training outputs. #
######################################################################################
each_acc = (obj['logits'].argmax(-1) == labels_test).float().mean(1)
avg_acc = each_acc.mean()
print('average single-model accuracy \t: %.2f' % (100 * avg_acc))
ens_pred = obj['logits'].mean(0).argmax(1)
ens_acc = (ens_pred == labels_test).float().mean()
print('ensemble accuracy (%d models) \t: %.2f' % (len(obj['logits']), 100 * ens_acc))
# (n.b. averaging probabilities instead of logits makes no difference)
######################################################################################
# Evaluate the new kernel / ensemble inference method. #
######################################################################################
# use correlations between log_softmax outputs as a similarity metric for k-NN inference.
kernel = compute_kernel(obj['logits'], obj['logits_train'])
k = 3
nbrs = kernel.topk(k, dim=1)
nbr_labels = labels_train[nbrs.indices.cpu()]
pred = nbr_labels.mode(1).values
acc = (pred == labels_test).float().mean()
print('kernel accuracy (k-NN w/ k=%d) \t: %.2f' % (k, 100 * acc))
## average single-model accuracy : 93.26
## ensemble accuracy (500 models) : 94.69
## kernel accuracy (k-NN w/ k=3) : 95.01
```
The training configuration we used to generate these 500 models (i.e. the script that we re-ran 500 times with different random seeds) yields a mean accuracy of 93.26%.
If we average the predictions across those 500 models, we attain a much improved accuracy of 94.69%.
If we predict the test-set labels using our kernel applied to pairs of (train, test) examples, using k-nearest neighbors with k=3,
then we attain an even higher accuracy of 95.01%.
We include 20,000 total runs of training for the same training configuration that generated the 500 runs used in the above.
The outputs of those runs (i.e. the logits predicted by the final model on the training and test examples) can be found as the other files in `logs_saveoutputs_main`.
If we compute the kernel with all 20,000 runs instead of 500, and use a weighting scheme based on the correlation values,
then the accuracy can be futher increased to 95.53%.
Note that increasing from 500 to 20,000 does not improve the accuracy of the averaged predictions,
so with 95.53% we have reached 0.84% higher than the standard ensemble accuracy.
We additionally include outputs from three other training configurations; their kernels seem to have the same properties.
## Interpretability-type applications
### Finding similar pairs
(Below:) We rank the CIFAR-10 test-set examples by their similarity to their most similar training-set example.
We show the 601th-648th most highly ranked test examples (out of 10,000), along with their matched training examples.
Many of them turn out to be visually similar pairs.
![the 600-650th most similar pairs](kernel_pairs_600_650.png)
We note that the penultimate-layer features almost entirely lack this property --
if we visualize the most similar pairs across all (test, train) pairs according to distance in penultimate feature space,
we will get not duplicates but instead just random highly confident examples which have all presumably collapsed to a similar point in space.
On the other hand, pairs which are given a high similarity score by our correlation kernel turn out to often be near-duplicates, and this holds true
for the most similar pairs even when we reduce the number of models in the ensemble down to a relatively small value like 10 or 20.
### Diagnosing failure modes
(Below:) We rank the CIFAR-10 test examples by how similar their most similar training-set example is, and then filter for cases where they have different labels.
The first (leftmost) column contains the top 8 such test examples, and then subsequent columns are their 9 nearest neighbors in the training set.
It appears that our network has difficulty seeing small objects.
![the highest-confidence failures](failure_mode.png)
### Some random examples
(Below:) We select 10 CIFAR-10 test examples at random (the first row), and display their two nearest neighbors according to the kernel (second two rows),
and the penultimate features from a single model (next two rows). The kernel yields images which are perceptually similar, whereas penultimate features
select nearly a random image of the same label.
![randomly chosen test examples, with their most similar train examples](random_pairs.png)
## Open questions
* The usage of `log_softmax` in the normalization step seems to be important, especially for making the kernel work with n < 1,000 (where n is the number of networks).
But for n -> infty, it becomes less important. Why -- is it somehow removing noise?
* Via the Neural Network Gaussian Process (NNGP) theory, it is possible to compute the expectation of this kernel for untrained / newly initialized networks
(at least if the log-softmax is removed). Is there any general theory for what this kernel becomes after training (i.e., what we are seeing here)?
* This kernel is implemented as a sum of 10 correlation kernels -- one for each class. But upon inspection, each of those has dramatically worse
k-NN accuracy than their sum, at least until n becomes on the order of thousands. Why?
* Removing log-softmax, despite harming the overall accuracy as discussed earlier,
apparently increases the k-NN accuracy (and generally quality) of the individual kernels. Why??
* How does this kernel compare to [TRAK](https://arxiv.org/abs/2303.14186)
or the datamodel embeddings from [https://arxiv.org/abs/2202.00622](https://arxiv.org/abs/2202.00622)?
| kjj0/cifar10-multirun-logits | [
"license:mit",
"arxiv:2303.14186",
"arxiv:2202.00622",
"region:us"
] | 2024-01-14T07:46:15+00:00 | {"license": "mit"} | 2024-01-14T20:54:31+00:00 | [
"2303.14186",
"2202.00622"
] | [] | TAGS
#license-mit #arxiv-2303.14186 #arxiv-2202.00622 #region-us
|
# A kernel function which improves the accuracy and interpretability of large ensembles of neural networks
We describe a new kernel (i.e. similarity function between pairs of examples) which is computed using an ensemble of neural networks. It has the following properties:
- Using it to predict test labels (via k-nearest neighbors across the training set) yields even higher accuracy than the standard ensemble inference method
of averaging predictions, once the number of networks exceeds about 100. We believe this kernel + k-NN method is the state-of-the-art for inferencing large ensembles
(although such ensembles are rarely used in practice).
- Being a similarity function, it is highly interpretable. For each test example, it allows us to visualize training examples which are deemed to have
similar features by the training process, with much greater fidelity than e.g. penultimate layer embeddings. For instance, we use this to identify the (known) fact that
~10% of the CIFAR-10 test-set examples have a near-duplicate in the training set, and to identify a failure mode.
To compute the kernel for an ensemble of n=500 models, we provide the following simple code (which can be copy-paste run in your environment).
The training configuration we used to generate these 500 models (i.e. the script that we re-ran 500 times with different random seeds) yields a mean accuracy of 93.26%.
If we average the predictions across those 500 models, we attain a much improved accuracy of 94.69%.
If we predict the test-set labels using our kernel applied to pairs of (train, test) examples, using k-nearest neighbors with k=3,
then we attain an even higher accuracy of 95.01%.
We include 20,000 total runs of training for the same training configuration that generated the 500 runs used in the above.
The outputs of those runs (i.e. the logits predicted by the final model on the training and test examples) can be found as the other files in 'logs_saveoutputs_main'.
If we compute the kernel with all 20,000 runs instead of 500, and use a weighting scheme based on the correlation values,
then the accuracy can be futher increased to 95.53%.
Note that increasing from 500 to 20,000 does not improve the accuracy of the averaged predictions,
so with 95.53% we have reached 0.84% higher than the standard ensemble accuracy.
We additionally include outputs from three other training configurations; their kernels seem to have the same properties.
## Interpretability-type applications
### Finding similar pairs
(Below:) We rank the CIFAR-10 test-set examples by their similarity to their most similar training-set example.
We show the 601th-648th most highly ranked test examples (out of 10,000), along with their matched training examples.
Many of them turn out to be visually similar pairs.
!the 600-650th most similar pairs
We note that the penultimate-layer features almost entirely lack this property --
if we visualize the most similar pairs across all (test, train) pairs according to distance in penultimate feature space,
we will get not duplicates but instead just random highly confident examples which have all presumably collapsed to a similar point in space.
On the other hand, pairs which are given a high similarity score by our correlation kernel turn out to often be near-duplicates, and this holds true
for the most similar pairs even when we reduce the number of models in the ensemble down to a relatively small value like 10 or 20.
### Diagnosing failure modes
(Below:) We rank the CIFAR-10 test examples by how similar their most similar training-set example is, and then filter for cases where they have different labels.
The first (leftmost) column contains the top 8 such test examples, and then subsequent columns are their 9 nearest neighbors in the training set.
It appears that our network has difficulty seeing small objects.
!the highest-confidence failures
### Some random examples
(Below:) We select 10 CIFAR-10 test examples at random (the first row), and display their two nearest neighbors according to the kernel (second two rows),
and the penultimate features from a single model (next two rows). The kernel yields images which are perceptually similar, whereas penultimate features
select nearly a random image of the same label.
!randomly chosen test examples, with their most similar train examples
## Open questions
* The usage of 'log_softmax' in the normalization step seems to be important, especially for making the kernel work with n < 1,000 (where n is the number of networks).
But for n -> infty, it becomes less important. Why -- is it somehow removing noise?
* Via the Neural Network Gaussian Process (NNGP) theory, it is possible to compute the expectation of this kernel for untrained / newly initialized networks
(at least if the log-softmax is removed). Is there any general theory for what this kernel becomes after training (i.e., what we are seeing here)?
* This kernel is implemented as a sum of 10 correlation kernels -- one for each class. But upon inspection, each of those has dramatically worse
k-NN accuracy than their sum, at least until n becomes on the order of thousands. Why?
* Removing log-softmax, despite harming the overall accuracy as discussed earlier,
apparently increases the k-NN accuracy (and generally quality) of the individual kernels. Why??
* How does this kernel compare to TRAK
or the datamodel embeddings from URL
| [
"# A kernel function which improves the accuracy and interpretability of large ensembles of neural networks\n\nWe describe a new kernel (i.e. similarity function between pairs of examples) which is computed using an ensemble of neural networks. It has the following properties:\n\n- Using it to predict test labels (via k-nearest neighbors across the training set) yields even higher accuracy than the standard ensemble inference method\nof averaging predictions, once the number of networks exceeds about 100. We believe this kernel + k-NN method is the state-of-the-art for inferencing large ensembles\n(although such ensembles are rarely used in practice).\n- Being a similarity function, it is highly interpretable. For each test example, it allows us to visualize training examples which are deemed to have\nsimilar features by the training process, with much greater fidelity than e.g. penultimate layer embeddings. For instance, we use this to identify the (known) fact that\n~10% of the CIFAR-10 test-set examples have a near-duplicate in the training set, and to identify a failure mode.\n\nTo compute the kernel for an ensemble of n=500 models, we provide the following simple code (which can be copy-paste run in your environment).\n\n\n\nThe training configuration we used to generate these 500 models (i.e. the script that we re-ran 500 times with different random seeds) yields a mean accuracy of 93.26%.\nIf we average the predictions across those 500 models, we attain a much improved accuracy of 94.69%.\nIf we predict the test-set labels using our kernel applied to pairs of (train, test) examples, using k-nearest neighbors with k=3,\nthen we attain an even higher accuracy of 95.01%.\n\nWe include 20,000 total runs of training for the same training configuration that generated the 500 runs used in the above.\nThe outputs of those runs (i.e. the logits predicted by the final model on the training and test examples) can be found as the other files in 'logs_saveoutputs_main'.\nIf we compute the kernel with all 20,000 runs instead of 500, and use a weighting scheme based on the correlation values,\nthen the accuracy can be futher increased to 95.53%.\nNote that increasing from 500 to 20,000 does not improve the accuracy of the averaged predictions,\nso with 95.53% we have reached 0.84% higher than the standard ensemble accuracy.\n\nWe additionally include outputs from three other training configurations; their kernels seem to have the same properties.",
"## Interpretability-type applications",
"### Finding similar pairs\n\n(Below:) We rank the CIFAR-10 test-set examples by their similarity to their most similar training-set example.\nWe show the 601th-648th most highly ranked test examples (out of 10,000), along with their matched training examples.\nMany of them turn out to be visually similar pairs.\n\n!the 600-650th most similar pairs\n\nWe note that the penultimate-layer features almost entirely lack this property --\nif we visualize the most similar pairs across all (test, train) pairs according to distance in penultimate feature space,\nwe will get not duplicates but instead just random highly confident examples which have all presumably collapsed to a similar point in space.\nOn the other hand, pairs which are given a high similarity score by our correlation kernel turn out to often be near-duplicates, and this holds true\nfor the most similar pairs even when we reduce the number of models in the ensemble down to a relatively small value like 10 or 20.",
"### Diagnosing failure modes\n\n(Below:) We rank the CIFAR-10 test examples by how similar their most similar training-set example is, and then filter for cases where they have different labels.\nThe first (leftmost) column contains the top 8 such test examples, and then subsequent columns are their 9 nearest neighbors in the training set.\nIt appears that our network has difficulty seeing small objects.\n\n!the highest-confidence failures",
"### Some random examples\n\n(Below:) We select 10 CIFAR-10 test examples at random (the first row), and display their two nearest neighbors according to the kernel (second two rows),\nand the penultimate features from a single model (next two rows). The kernel yields images which are perceptually similar, whereas penultimate features\nselect nearly a random image of the same label.\n\n!randomly chosen test examples, with their most similar train examples",
"## Open questions\n\n* The usage of 'log_softmax' in the normalization step seems to be important, especially for making the kernel work with n < 1,000 (where n is the number of networks).\nBut for n -> infty, it becomes less important. Why -- is it somehow removing noise?\n* Via the Neural Network Gaussian Process (NNGP) theory, it is possible to compute the expectation of this kernel for untrained / newly initialized networks\n(at least if the log-softmax is removed). Is there any general theory for what this kernel becomes after training (i.e., what we are seeing here)?\n* This kernel is implemented as a sum of 10 correlation kernels -- one for each class. But upon inspection, each of those has dramatically worse\nk-NN accuracy than their sum, at least until n becomes on the order of thousands. Why?\n* Removing log-softmax, despite harming the overall accuracy as discussed earlier,\napparently increases the k-NN accuracy (and generally quality) of the individual kernels. Why??\n* How does this kernel compare to TRAK\nor the datamodel embeddings from URL"
] | [
"TAGS\n#license-mit #arxiv-2303.14186 #arxiv-2202.00622 #region-us \n",
"# A kernel function which improves the accuracy and interpretability of large ensembles of neural networks\n\nWe describe a new kernel (i.e. similarity function between pairs of examples) which is computed using an ensemble of neural networks. It has the following properties:\n\n- Using it to predict test labels (via k-nearest neighbors across the training set) yields even higher accuracy than the standard ensemble inference method\nof averaging predictions, once the number of networks exceeds about 100. We believe this kernel + k-NN method is the state-of-the-art for inferencing large ensembles\n(although such ensembles are rarely used in practice).\n- Being a similarity function, it is highly interpretable. For each test example, it allows us to visualize training examples which are deemed to have\nsimilar features by the training process, with much greater fidelity than e.g. penultimate layer embeddings. For instance, we use this to identify the (known) fact that\n~10% of the CIFAR-10 test-set examples have a near-duplicate in the training set, and to identify a failure mode.\n\nTo compute the kernel for an ensemble of n=500 models, we provide the following simple code (which can be copy-paste run in your environment).\n\n\n\nThe training configuration we used to generate these 500 models (i.e. the script that we re-ran 500 times with different random seeds) yields a mean accuracy of 93.26%.\nIf we average the predictions across those 500 models, we attain a much improved accuracy of 94.69%.\nIf we predict the test-set labels using our kernel applied to pairs of (train, test) examples, using k-nearest neighbors with k=3,\nthen we attain an even higher accuracy of 95.01%.\n\nWe include 20,000 total runs of training for the same training configuration that generated the 500 runs used in the above.\nThe outputs of those runs (i.e. the logits predicted by the final model on the training and test examples) can be found as the other files in 'logs_saveoutputs_main'.\nIf we compute the kernel with all 20,000 runs instead of 500, and use a weighting scheme based on the correlation values,\nthen the accuracy can be futher increased to 95.53%.\nNote that increasing from 500 to 20,000 does not improve the accuracy of the averaged predictions,\nso with 95.53% we have reached 0.84% higher than the standard ensemble accuracy.\n\nWe additionally include outputs from three other training configurations; their kernels seem to have the same properties.",
"## Interpretability-type applications",
"### Finding similar pairs\n\n(Below:) We rank the CIFAR-10 test-set examples by their similarity to their most similar training-set example.\nWe show the 601th-648th most highly ranked test examples (out of 10,000), along with their matched training examples.\nMany of them turn out to be visually similar pairs.\n\n!the 600-650th most similar pairs\n\nWe note that the penultimate-layer features almost entirely lack this property --\nif we visualize the most similar pairs across all (test, train) pairs according to distance in penultimate feature space,\nwe will get not duplicates but instead just random highly confident examples which have all presumably collapsed to a similar point in space.\nOn the other hand, pairs which are given a high similarity score by our correlation kernel turn out to often be near-duplicates, and this holds true\nfor the most similar pairs even when we reduce the number of models in the ensemble down to a relatively small value like 10 or 20.",
"### Diagnosing failure modes\n\n(Below:) We rank the CIFAR-10 test examples by how similar their most similar training-set example is, and then filter for cases where they have different labels.\nThe first (leftmost) column contains the top 8 such test examples, and then subsequent columns are their 9 nearest neighbors in the training set.\nIt appears that our network has difficulty seeing small objects.\n\n!the highest-confidence failures",
"### Some random examples\n\n(Below:) We select 10 CIFAR-10 test examples at random (the first row), and display their two nearest neighbors according to the kernel (second two rows),\nand the penultimate features from a single model (next two rows). The kernel yields images which are perceptually similar, whereas penultimate features\nselect nearly a random image of the same label.\n\n!randomly chosen test examples, with their most similar train examples",
"## Open questions\n\n* The usage of 'log_softmax' in the normalization step seems to be important, especially for making the kernel work with n < 1,000 (where n is the number of networks).\nBut for n -> infty, it becomes less important. Why -- is it somehow removing noise?\n* Via the Neural Network Gaussian Process (NNGP) theory, it is possible to compute the expectation of this kernel for untrained / newly initialized networks\n(at least if the log-softmax is removed). Is there any general theory for what this kernel becomes after training (i.e., what we are seeing here)?\n* This kernel is implemented as a sum of 10 correlation kernels -- one for each class. But upon inspection, each of those has dramatically worse\nk-NN accuracy than their sum, at least until n becomes on the order of thousands. Why?\n* Removing log-softmax, despite harming the overall accuracy as discussed earlier,\napparently increases the k-NN accuracy (and generally quality) of the individual kernels. Why??\n* How does this kernel compare to TRAK\nor the datamodel embeddings from URL"
] | [
27,
604,
6,
229,
107,
113,
270
] | [
"passage: TAGS\n#license-mit #arxiv-2303.14186 #arxiv-2202.00622 #region-us \n",
"passage: # A kernel function which improves the accuracy and interpretability of large ensembles of neural networks\n\nWe describe a new kernel (i.e. similarity function between pairs of examples) which is computed using an ensemble of neural networks. It has the following properties:\n\n- Using it to predict test labels (via k-nearest neighbors across the training set) yields even higher accuracy than the standard ensemble inference method\nof averaging predictions, once the number of networks exceeds about 100. We believe this kernel + k-NN method is the state-of-the-art for inferencing large ensembles\n(although such ensembles are rarely used in practice).\n- Being a similarity function, it is highly interpretable. For each test example, it allows us to visualize training examples which are deemed to have\nsimilar features by the training process, with much greater fidelity than e.g. penultimate layer embeddings. For instance, we use this to identify the (known) fact that\n~10% of the CIFAR-10 test-set examples have a near-duplicate in the training set, and to identify a failure mode.\n\nTo compute the kernel for an ensemble of n=500 models, we provide the following simple code (which can be copy-paste run in your environment).\n\n\n\nThe training configuration we used to generate these 500 models (i.e. the script that we re-ran 500 times with different random seeds) yields a mean accuracy of 93.26%.\nIf we average the predictions across those 500 models, we attain a much improved accuracy of 94.69%.\nIf we predict the test-set labels using our kernel applied to pairs of (train, test) examples, using k-nearest neighbors with k=3,\nthen we attain an even higher accuracy of 95.01%.\n\nWe include 20,000 total runs of training for the same training configuration that generated the 500 runs used in the above.\nThe outputs of those runs (i.e. the logits predicted by the final model on the training and test examples) can be found as the other files in 'logs_saveoutputs_main'.\nIf we compute the kernel with all 20,000 runs instead of 500, and use a weighting scheme based on the correlation values,\nthen the accuracy can be futher increased to 95.53%.\nNote that increasing from 500 to 20,000 does not improve the accuracy of the averaged predictions,\nso with 95.53% we have reached 0.84% higher than the standard ensemble accuracy.\n\nWe additionally include outputs from three other training configurations; their kernels seem to have the same properties.## Interpretability-type applications### Finding similar pairs\n\n(Below:) We rank the CIFAR-10 test-set examples by their similarity to their most similar training-set example.\nWe show the 601th-648th most highly ranked test examples (out of 10,000), along with their matched training examples.\nMany of them turn out to be visually similar pairs.\n\n!the 600-650th most similar pairs\n\nWe note that the penultimate-layer features almost entirely lack this property --\nif we visualize the most similar pairs across all (test, train) pairs according to distance in penultimate feature space,\nwe will get not duplicates but instead just random highly confident examples which have all presumably collapsed to a similar point in space.\nOn the other hand, pairs which are given a high similarity score by our correlation kernel turn out to often be near-duplicates, and this holds true\nfor the most similar pairs even when we reduce the number of models in the ensemble down to a relatively small value like 10 or 20.### Diagnosing failure modes\n\n(Below:) We rank the CIFAR-10 test examples by how similar their most similar training-set example is, and then filter for cases where they have different labels.\nThe first (leftmost) column contains the top 8 such test examples, and then subsequent columns are their 9 nearest neighbors in the training set.\nIt appears that our network has difficulty seeing small objects.\n\n!the highest-confidence failures### Some random examples\n\n(Below:) We select 10 CIFAR-10 test examples at random (the first row), and display their two nearest neighbors according to the kernel (second two rows),\nand the penultimate features from a single model (next two rows). The kernel yields images which are perceptually similar, whereas penultimate features\nselect nearly a random image of the same label.\n\n!randomly chosen test examples, with their most similar train examples"
] | [
-0.054862361401319504,
0.03280009329319,
-0.005495601333677769,
0.02634654939174652,
0.05334751307964325,
0.021807407960295677,
0.0600304938852787,
0.07056793570518494,
0.06458486616611481,
0.0870867371559143,
0.12126998603343964,
0.02738526090979576,
0.03836458548903465,
0.061490122228860855,
0.02463425137102604,
-0.11446699500083923,
0.0178231131285429,
-0.04617462307214737,
0.06353677064180374,
0.056157082319259644,
0.038438986986875534,
-0.04526273161172867,
0.05657739192247391,
-0.018081000074744225,
-0.09525438398122787,
0.025820540264248848,
0.005722574889659882,
-0.03872089833021164,
0.11471772938966751,
0.04939951002597809,
0.08245941996574402,
-0.02908756025135517,
0.04200389236211777,
-0.1938672512769699,
-0.011068428866565228,
0.02097681164741516,
-0.03738977015018463,
0.05672565847635269,
0.041550278663635254,
0.04092884436249733,
0.14740000665187836,
0.02694789506494999,
0.001239631325006485,
0.03868125006556511,
-0.13732269406318665,
-0.12442570924758911,
-0.04994061589241028,
0.04326118156313896,
0.0852508619427681,
0.05140820890665054,
0.024137569591403008,
0.08594317734241486,
-0.03303316980600357,
0.05256882309913635,
0.12624715268611908,
-0.2755138874053955,
0.02816055342555046,
0.10590091347694397,
0.028095221146941185,
0.04265093430876732,
-0.00750395655632019,
0.005036505870521069,
0.09023062884807587,
0.006883140653371811,
-0.015817221254110336,
-0.01525057666003704,
-0.05541924759745598,
0.0376436673104763,
-0.08074747771024704,
-0.05992674455046654,
0.17322655022144318,
-0.005254550836980343,
-0.056160785257816315,
0.01145102083683014,
-0.030207529664039612,
-0.08820444345474243,
0.057404834777116776,
-0.03348316252231598,
0.006757664494216442,
0.054505039006471634,
0.09541205316781998,
0.009502887725830078,
-0.13398189842700958,
-0.06867112219333649,
-0.09396648406982422,
0.019985537976026535,
0.021152639761567116,
0.06432680040597916,
-0.05505262315273285,
0.04441268369555473,
-0.1257704645395279,
-0.005971237551420927,
-0.022548548877239227,
-0.04192865639925003,
-0.008452337235212326,
0.0036103641614317894,
-0.03867645189166069,
0.015395700000226498,
0.007995544001460075,
0.12013159692287445,
0.04086511582136154,
0.039645250886678696,
0.008588971570134163,
0.08531410247087479,
0.0049729980528354645,
0.0398482084274292,
0.05498400330543518,
0.06342091411352158,
-0.022340569645166397,
-0.042737703770399094,
0.04325541853904724,
-0.031738072633743286,
-0.09708961844444275,
-0.028568364679813385,
0.007016394287347794,
0.08983999490737915,
-0.050148431211709976,
-0.03941071406006813,
-0.06105952709913254,
0.03471402823925018,
0.06563700735569,
-0.06516353785991669,
-0.01791076920926571,
0.0031423289328813553,
-0.03183707594871521,
-0.11100861430168152,
0.024035759270191193,
-0.021518772467970848,
-0.007192462682723999,
0.0798252671957016,
-0.09620819985866547,
-0.00504365935921669,
-0.04210260882973671,
-0.059812501072883606,
0.05947474390268326,
-0.06875268369913101,
-0.00640048598870635,
-0.14331290125846863,
-0.06326377391815186,
-0.005225822329521179,
0.005102240946143866,
-0.03696231544017792,
0.04460890218615532,
0.01642310619354248,
0.0025944318622350693,
-0.01813630573451519,
-0.017761750146746635,
-0.06510534137487411,
-0.04252644628286362,
0.024749886244535446,
-0.012459136545658112,
0.044244248420000076,
-0.060817740857601166,
-0.004282665438950062,
-0.07356856018304825,
0.02735782228410244,
-0.05297910049557686,
-0.03354205563664436,
-0.07582679390907288,
0.0826321691274643,
-0.06568346172571182,
-0.0050476109609007835,
-0.06857873499393463,
0.0526118203997612,
0.04340972751379013,
0.054996687918901443,
-0.1345251202583313,
-0.011779211461544037,
0.06796738505363464,
-0.10850317031145096,
-0.10336992144584656,
0.0553441047668457,
0.011347801424562931,
0.023403260856866837,
0.05631014704704285,
0.24046635627746582,
0.04442371428012848,
-0.14632663130760193,
0.006014678627252579,
0.10401830822229385,
-0.07815609127283096,
-0.1511833518743515,
0.07294069230556488,
-0.08390451222658157,
-0.07625430077314377,
0.003078197129070759,
0.03980031609535217,
0.025141943246126175,
-0.016141744330525398,
-0.06641803681850433,
0.0060998136177659035,
-0.01546419970691204,
-0.09995633363723755,
-0.020294388756155968,
0.030225278809666634,
-0.04792248085141182,
-0.019768398255109787,
-0.041480544954538345,
0.047756604850292206,
0.03418876230716705,
0.0161520317196846,
-0.06167338788509369,
0.055557843297719955,
-0.01334723923355341,
-0.029786746948957443,
-0.1039525493979454,
-0.02546757459640503,
0.047820188105106354,
-0.09177802503108978,
0.03854323551058769,
0.09359286725521088,
-0.002944597974419594,
0.041184522211551666,
0.030020136386156082,
0.02346152439713478,
0.03420446068048477,
0.022087350487709045,
-0.059156451374292374,
-0.041208360344171524,
-0.014725037850439548,
-0.03150685504078865,
-0.04034966230392456,
-0.13957679271697998,
-0.014594231732189655,
0.04080863296985626,
-0.03663931041955948,
-0.011025721207261086,
-0.017409319058060646,
-0.03551097586750984,
0.0092160664498806,
0.006143391132354736,
-0.02803158387541771,
0.07554932683706284,
0.01864793337881565,
-0.08943639695644379,
0.10876132547855377,
-0.14152687788009644,
0.06482840329408646,
0.05327913910150528,
-0.004483831115067005,
-0.08756697177886963,
-0.07233001291751862,
-0.016833510249853134,
-0.03570438548922539,
0.02706260234117508,
-0.06884651631116867,
0.09924256056547165,
-0.013786153867840767,
0.07015444338321686,
-0.06562789529561996,
0.002220742404460907,
-0.0017037790967151523,
-0.05141196772456169,
-0.045482851564884186,
0.08191242814064026,
0.09255334734916687,
-0.13644400238990784,
0.057999756187200546,
0.15377718210220337,
0.01408851146697998,
0.09299886226654053,
-0.024152861908078194,
-0.06053268909454346,
-0.055919792503118515,
0.045108430087566376,
0.009089305065572262,
0.07931478321552277,
0.010197507217526436,
-0.017145274206995964,
0.011166198179125786,
0.02911429852247238,
0.06929130107164383,
-0.1231970340013504,
-0.01785692200064659,
0.03958262875676155,
0.002980578690767288,
-0.0473833829164505,
0.007826611399650574,
-0.06632035970687866,
0.05453202873468399,
0.021051932126283646,
-0.06308150291442871,
0.05078393220901489,
-0.040505800396203995,
-0.08992797136306763,
0.16490624845027924,
-0.13483582437038422,
-0.13230055570602417,
-0.2299102395772934,
0.007051870226860046,
0.028207655996084213,
0.02064790390431881,
0.04373711347579956,
-0.045574530959129333,
-0.04319332540035248,
-0.06530114263296127,
0.009337250143289566,
-0.10096616297960281,
-0.043054256588220596,
0.0071517955511808395,
0.04121873155236244,
0.02576843649148941,
-0.10847381502389908,
-0.04319985955953598,
-0.04435012489557266,
-0.03588540107011795,
0.032555919140577316,
-0.05454796925187111,
0.05104455351829529,
0.07198261469602585,
0.00770292105153203,
0.0007202289998531342,
-0.026944316923618317,
0.1319214105606079,
0.016108866780996323,
-0.02902558445930481,
0.07592713087797165,
-0.025604628026485443,
0.0685625672340393,
0.09089187532663345,
0.03810000792145729,
-0.0924776941537857,
0.03608953207731247,
-0.025132155045866966,
-0.07964102923870087,
-0.21741266548633575,
-0.053167905658483505,
-0.035686902701854706,
0.06515639275312424,
0.0971476286649704,
0.0695798397064209,
0.02179865539073944,
0.031069636344909668,
0.04797949641942978,
0.00956178829073906,
-0.04218713939189911,
0.055373385548591614,
0.13116669654846191,
-0.029873013496398926,
0.03491061553359032,
-0.07631023973226547,
0.012231293134391308,
0.0781150832772255,
0.06346065551042557,
0.2246166169643402,
0.07540123164653778,
0.0909222960472107,
0.07602149993181229,
0.09571986645460129,
0.058387499302625656,
0.07198458164930344,
-0.024964116513729095,
-0.0001432560384273529,
-0.03143708407878876,
-0.044923000037670135,
-0.027290262281894684,
0.08570221066474915,
-0.015214627608656883,
-0.0657796561717987,
-0.01593513786792755,
-0.035006046295166016,
-0.02537183277308941,
0.04657972604036331,
0.07780490815639496,
-0.17043793201446533,
0.0072822291404008865,
0.004853833466768265,
0.028148695826530457,
-0.05953054130077362,
0.08881333470344543,
0.1148979663848877,
-0.030126694589853287,
-0.027533691376447678,
0.0008785611717030406,
0.04496531933546066,
-0.0009664520621299744,
0.047816574573516846,
-0.025331661105155945,
-0.015173032879829407,
0.014046605676412582,
0.10985349863767624,
-0.15546151995658875,
0.19602857530117035,
0.01410211343318224,
0.018573453649878502,
-0.02126195654273033,
0.011813083663582802,
-0.022499121725559235,
-0.015890922397375107,
0.11732804775238037,
0.04585917294025421,
-0.18904981017112732,
-0.14847426116466522,
-0.06437677145004272,
0.017770785838365555,
0.08366206288337708,
0.011593103408813477,
-0.032725781202316284,
-0.023963678628206253,
0.05483880639076233,
0.009405150078237057,
0.04237866774201393,
-0.055612362921237946,
-0.11973036080598831,
0.026978615671396255,
0.007729450240731239,
-0.061783354729413986,
-0.05902948975563049,
0.016110338270664215,
0.04371526092290878,
0.07040130347013474,
-0.13865479826927185,
0.011724723502993584,
-0.05209214612841606,
-0.09035624563694,
0.08684443682432175,
-0.0677657276391983,
0.02612169086933136,
0.012077532708644867,
-0.014608636498451233,
-0.05080009996891022,
-0.10447405278682709,
0.11594577133655548,
-0.07373251765966415,
-0.03409751132130623,
-0.056870993226766586,
0.10172037780284882,
0.030810147523880005,
0.017486728727817535,
-0.01397986151278019,
0.04885159060359001,
-0.03940384089946747,
-0.07335199415683746,
0.04002021625638008,
0.025795958936214447,
0.03943728655576706,
0.025094836950302124,
-0.07044614851474762,
0.01609973795711994,
-0.04049287363886833,
-0.045926980674266815,
0.11493118852376938,
0.27956390380859375,
-0.06246541440486908,
0.11211426556110382,
0.2603887617588043,
-0.10580457001924515,
-0.19245414435863495,
-0.07184296101331711,
-0.07803806662559509,
0.017080146819353104,
0.08680465817451477,
-0.13449732959270477,
0.09167172014713287,
0.18120083212852478,
-0.041318949311971664,
0.1365366280078888,
-0.23303404450416565,
-0.0975387692451477,
0.1315152943134308,
-0.004276328720152378,
0.2608082592487335,
-0.08568607270717621,
-0.059862032532691956,
-0.030410286039114,
-0.0745818018913269,
0.07248800247907639,
0.06896194070577621,
0.0688386857509613,
-0.0353650264441967,
-0.03861614689230919,
0.04053198918700218,
-0.025182360783219337,
0.1395399421453476,
0.026960238814353943,
0.07382148504257202,
-0.0740252286195755,
-0.04769371449947357,
0.052943695336580276,
-0.060531262308359146,
0.06203003600239754,
-0.11717262119054794,
0.02524028718471527,
-0.10302315652370453,
0.013606737367808819,
0.0005125030875205994,
0.08112753182649612,
-0.006990625057369471,
-0.054212670773267746,
-0.09444010257720947,
0.008264990523457527,
-0.018965058028697968,
-0.030398664996027946,
0.09851068258285522,
-0.005711245816200972,
0.11124232411384583,
0.10841424763202667,
-0.00031357258558273315,
-0.06902442872524261,
-0.02951633743941784,
0.019862694665789604,
-0.017422650009393692,
0.11614534258842468,
-0.11577731370925903,
-0.014858098700642586,
0.14576217532157898,
-0.003351384773850441,
0.07974223792552948,
0.04388940706849098,
-0.12380917370319366,
-0.02467934414744377,
0.10541047900915146,
-0.09487634897232056,
-0.032676391303539276,
0.028430189937353134,
0.08609320968389511,
0.036568306386470795,
-0.009170648641884327,
0.07588009536266327,
-0.04285798966884613,
0.02770547941327095,
-0.004273805767297745,
0.06700827926397324,
-0.05737655237317085,
0.09649869799613953,
0.05761656537652016,
0.015828914940357208,
-0.034939080476760864,
0.14280669391155243,
0.02950604259967804,
-0.05092639476060867,
0.054211266338825226,
0.05381064489483833,
-0.05726214498281479,
-0.04256362095475197,
-0.09933307766914368,
0.050459496676921844,
-0.07196729630231857,
-0.10166728496551514,
0.018956612795591354,
-0.04846229404211044,
-0.009384049102663994,
0.08847308903932571,
0.03152495250105858,
0.0984160304069519,
-0.027908258140087128,
-0.018047353252768517,
-0.008140761405229568,
0.002699796110391617,
-0.07212222367525101,
0.04204173386096954,
-0.07240825891494751,
-0.00968213751912117,
0.019565746188163757,
0.004536955617368221,
-0.011674664914608002,
-0.027472445741295815,
-0.14541196823120117,
0.04209478199481964,
-0.002721402794122696,
0.025105178356170654,
-0.04677855968475342,
-0.020203791558742523,
0.05373981222510338,
0.03910670801997185,
-0.027467794716358185,
0.04528476670384407,
-0.07246801257133484,
0.003395109437406063,
-0.009067857638001442,
0.059340864419937134,
-0.07510844618082047,
-0.0033946260809898376,
0.05013539642095566,
-0.006108246743679047,
0.06421101838350296,
0.030435796827077866,
0.025041811168193817,
0.06688427180051804,
-0.08671903610229492,
0.03934044763445854,
0.08242581784725189,
0.031395480036735535,
-0.010464612394571304,
-0.030940134078264236,
-0.03242567181587219,
0.033843349665403366,
-0.04171799123287201,
-0.010168067179620266,
0.02371811494231224,
-0.11421850323677063,
-0.022107169032096863,
0.020639454945921898,
-0.09930126368999481,
-0.05817750096321106,
-0.05343681573867798,
0.11270067095756531,
0.0445578396320343,
0.0796172171831131,
-0.006062457337975502,
-0.025142565369606018,
-0.02058388479053974,
-0.01655774749815464,
0.02419314533472061,
-0.01761908084154129,
-0.0022667497396469116,
-0.040347762405872345,
-0.002369925379753113,
-0.03395324945449829,
0.18554233014583588,
-0.041144486516714096,
-0.12651371955871582,
0.025291986763477325,
-0.00026026368141174316,
-0.05427251756191254,
0.0003764405846595764,
0.1181468814611435,
0.012341003865003586,
-0.03371700644493103,
-0.10802751779556274,
0.018316801637411118,
-0.038244977593421936,
-0.04348330572247505,
0.05961393564939499,
0.08134421706199646,
0.01622696965932846,
0.04647310450673103,
0.0954635888338089,
-0.11345242708921432,
-0.018017366528511047,
-0.0036116382107138634,
-0.01824798807501793,
0.05792521312832832,
0.02084348537027836,
0.07946854829788208,
0.1385403871536255,
-0.009312190115451813,
0.022714031860232353,
-0.08098018169403076,
-0.056323107331991196,
-0.11521618813276291,
-0.09184468537569046,
0.018160518258810043,
-0.046088285744190216,
0.016037480905652046,
-0.020688461139798164,
0.04146619141101837,
0.2140989452600479,
0.01525935810059309,
-0.028882643207907677,
0.07259222120046616,
-0.09052582085132599,
-0.05057474225759506,
-0.002700949087738991,
-0.005537540651857853,
0.0015712408348917961,
-0.05197601765394211,
-0.029860811308026314,
0.0362718440592289,
-0.030624330043792725,
0.01715267077088356,
0.008641348220407963,
0.07889550924301147,
0.0019586198031902313,
-0.035011231899261475,
-0.018885985016822815,
-0.0391918309032917,
0.0028654932975769043,
-0.05689594894647598,
0.09817677736282349,
0.03934990242123604,
-0.026878152042627335,
0.025545746088027954,
0.10035742819309235,
-0.038436125963926315,
-0.03744203969836235,
-0.01864726096391678,
0.17544877529144287,
0.04027435556054115,
0.08255080878734589,
-0.0696864128112793,
-0.02697678469121456,
-0.013131489977240562,
0.0807749330997467,
0.16542506217956543,
0.010912006720900536,
-0.01774836890399456,
-0.006253082305192947,
0.006346744950860739,
-0.00612521730363369,
0.130854070186615,
0.042652010917663574,
0.20438024401664734,
-0.01026480458676815,
0.06321219354867935,
-0.02344082109630108,
0.028675474226474762,
-0.06763219088315964,
0.04291578009724617,
0.01973486691713333,
-0.001603826880455017,
-0.07914372533559799,
0.04456877335906029,
-0.022041859105229378,
-0.08909354358911514,
0.06289491802453995,
-0.0699361190199852,
-0.028625618666410446,
0.0033401809632778168,
0.11384352296590805,
-0.05571645498275757,
0.0978986918926239,
-0.08235517144203186,
-0.047668155282735825,
-0.024805806577205658,
0.013935253024101257,
-0.20011085271835327,
-0.1221897155046463,
0.010030999779701233,
0.005540406331419945,
0.17568400502204895,
0.009617484174668789,
0.09632198512554169,
0.057940252125263214,
0.04573730379343033,
-0.0907476544380188,
0.11079228669404984,
0.027166273444890976,
-0.02630413882434368,
-0.042358119040727615,
-0.05456375330686569,
-0.00408592214807868,
0.05772879719734192,
0.045939162373542786,
-0.021845238283276558,
-0.010580478236079216,
0.023364339023828506,
0.013112619519233704,
-0.056857168674468994,
-0.04150497913360596,
-0.07457897067070007,
0.1211487203836441,
0.05647897720336914,
-0.003509362693876028,
-0.06072342023253441,
-0.02219245582818985,
-0.038719940930604935,
0.06161348521709442,
-0.01861436292529106,
-0.008455809205770493,
-0.03372892364859581,
0.025561664253473282,
0.04466645419597626,
0.016028784215450287,
-0.16374003887176514,
-0.057977333664894104,
-0.03082462027668953,
-0.0009828712791204453,
-0.04726429283618927,
0.054503537714481354,
0.07688219845294952,
0.02536764368414879,
-0.017497502267360687,
-0.11743414402008057,
0.015443570911884308,
0.04512249678373337,
-0.06280606240034103,
-0.10198894143104553
] |
d80a8c712fe1b70935e1230231cdf3d0d7ce2d04 | **Context**
The dataset contains the Hindi and English subtitles for famous YouTube channels. This dataset was mainly created for the Hindi Language channel since the main goal was to use this dataset to build LLMs using the Hindi Language.
Data from channels in Information, Entertainment, Politics, Comedy, News, etc categories has been included in this dataset.
***Dataset Stats:***
- **58 channels**
- **103,042 total videos**
**Content**
- Video subtitles in Hindi and English
- Video metadata like duration, number of comments, likes, counts, published date
**Acknowledgements**
The source of this dataset is YouTube. The following packages were used to generate this dataset:
- [youtube-transcript-api](https://pypi.org/project/youtube-transcript-api/)
- [google-api-python-client](https://pypi.org/project/google-api-python-client/)
**Inspiration**
- Build LLMs model using Hindi
- Finetune models using Hindi for tasks like classification, summarization, translation, etc | pardeep/youtube-vidoes-transcripts-hindi-english | [
"license:odc-by",
"region:us"
] | 2024-01-14T07:47:23+00:00 | {"license": "odc-by"} | 2024-01-20T07:22:28+00:00 | [] | [] | TAGS
#license-odc-by #region-us
| Context
The dataset contains the Hindi and English subtitles for famous YouTube channels. This dataset was mainly created for the Hindi Language channel since the main goal was to use this dataset to build LLMs using the Hindi Language.
Data from channels in Information, Entertainment, Politics, Comedy, News, etc categories has been included in this dataset.
*Dataset Stats:*
- 58 channels
- 103,042 total videos
Content
- Video subtitles in Hindi and English
- Video metadata like duration, number of comments, likes, counts, published date
Acknowledgements
The source of this dataset is YouTube. The following packages were used to generate this dataset:
- youtube-transcript-api
- google-api-python-client
Inspiration
- Build LLMs model using Hindi
- Finetune models using Hindi for tasks like classification, summarization, translation, etc | [] | [
"TAGS\n#license-odc-by #region-us \n"
] | [
14
] | [
"passage: TAGS\n#license-odc-by #region-us \n"
] | [
0.009460528381168842,
0.0793687254190445,
-0.010303502902388573,
-0.06382045149803162,
0.017189009115099907,
0.04786529764533043,
0.1614028364419937,
0.01075663324445486,
0.21478433907032013,
-0.04943661391735077,
0.12254146486520767,
0.030894778668880463,
-0.009320203214883804,
-0.010681119747459888,
-0.09813761711120605,
-0.11366543173789978,
0.06686966121196747,
0.0013457254972308874,
-0.0031740693375468254,
0.015019088983535767,
-0.00845988467335701,
-0.04622291401028633,
-0.015249141491949558,
-0.032065052539110184,
-0.054611366242170334,
0.03317935764789581,
0.00760590098798275,
-0.03945131599903107,
0.07516520470380783,
0.019472016021609306,
0.1468886137008667,
0.07222901284694672,
-0.006948195397853851,
-0.2183932662010193,
0.011160600930452347,
-0.10359295457601547,
-0.15708571672439575,
0.010965259745717049,
0.04815114289522171,
0.033114414662122726,
0.04751621186733246,
0.11081264168024063,
-0.018370220437645912,
0.016885289922356606,
-0.17260009050369263,
-0.18507549166679382,
-0.05039259046316147,
-0.05447705090045929,
0.061172980815172195,
0.09419747442007065,
0.07408943772315979,
0.12842799723148346,
-0.20937439799308777,
-0.025026142597198486,
0.00931080337613821,
-0.2984815835952759,
0.0776730552315712,
0.20975717902183533,
0.061621326953172684,
0.07105989754199982,
-0.04861059412360191,
0.04292764887213707,
0.04140906035900116,
-0.03566209226846695,
-0.09840720146894455,
-0.08264365792274475,
0.037885889410972595,
0.15670105814933777,
-0.0412934347987175,
-0.10271244496107101,
0.3067339360713959,
0.0471249558031559,
0.0025556236505508423,
0.09202171117067337,
-0.011354681104421616,
-0.03189707547426224,
0.01713329181075096,
0.04881046712398529,
0.08937643468379974,
0.15621741116046906,
0.16558974981307983,
0.029912302270531654,
-0.18150247633457184,
-0.021165495738387108,
-0.27405330538749695,
0.12318535894155502,
-0.021071288734674454,
0.09853014349937439,
-0.1898105889558792,
0.015742840245366096,
-0.14501546323299408,
-0.006170894950628281,
-0.08277898281812668,
-0.005138947628438473,
0.04401460289955139,
-0.021482408046722412,
-0.053587280213832855,
0.11163689196109772,
0.09458918869495392,
0.14963574707508087,
0.009166710078716278,
-0.025942763313651085,
-0.12319599092006683,
0.14935213327407837,
0.003484839340671897,
0.10111206024885178,
0.15477482974529266,
0.15982381999492645,
-0.02267502434551716,
-0.18305939435958862,
-0.03219080716371536,
-0.01211252249777317,
-0.16388970613479614,
0.00996670126914978,
-0.2189059853553772,
0.16280212998390198,
-0.05305282399058342,
-0.07594998180866241,
-0.11137870699167252,
0.07534375786781311,
0.1306714564561844,
-0.011575824581086636,
0.017130251973867416,
0.02658010832965374,
0.0135992132127285,
-0.06453491002321243,
-0.059574443846940994,
0.044692233204841614,
0.07796476781368256,
0.14974671602249146,
-0.12183960527181625,
0.015929684042930603,
-0.000040715767681831494,
0.06338988989591599,
0.09177657961845398,
-0.0750885009765625,
0.055613670498132706,
-0.1101248562335968,
-0.07258293032646179,
-0.011246763169765472,
0.007252244278788567,
0.0014785429229959846,
0.10084611177444458,
0.0052659898065030575,
0.057737648487091064,
-0.07352375984191895,
-0.06685176491737366,
-0.130837544798851,
-0.08340896666049957,
0.08793234825134277,
-0.06059076264500618,
-0.06946811079978943,
-0.299665629863739,
0.006133133079856634,
-0.15643078088760376,
0.04345026984810829,
0.13281355798244476,
-0.10058529675006866,
-0.08893270045518875,
0.173735111951828,
0.01365399919450283,
0.05164182931184769,
-0.10795433074235916,
0.025825288146734238,
-0.08339700102806091,
0.08882006257772446,
-0.07216063141822815,
-0.03721626102924347,
0.08345822244882584,
-0.08079257607460022,
-0.11969450861215591,
-0.04455795884132385,
0.0033668363466858864,
0.04881754145026207,
0.02609873190522194,
0.3302263021469116,
-0.04734952375292778,
-0.15915726125240326,
0.12748412787914276,
0.10391488671302795,
-0.14259183406829834,
-0.2844531238079071,
0.1477135419845581,
-0.18771500885486603,
-0.114564448595047,
0.010866034775972366,
-0.05159510672092438,
0.02653265930712223,
-0.022373918443918228,
-0.054383959621191025,
0.044105108827352524,
0.019665207713842392,
-0.0754440575838089,
0.011637787334620953,
0.06497791409492493,
-0.028382791206240654,
0.1044808104634285,
0.019126931205391884,
0.008729346096515656,
0.09802994877099991,
0.0025498452596366405,
-0.05937911570072174,
0.038165196776390076,
-0.01917121559381485,
0.011972079053521156,
-0.07340718060731888,
-0.08504834771156311,
0.04595036804676056,
0.008994451723992825,
0.09023824334144592,
0.18060801923274994,
0.04146881401538849,
-0.030997633934020996,
0.06637434661388397,
0.04391736537218094,
0.06699082255363464,
0.05668137967586517,
0.023607289418578148,
-0.007949559018015862,
0.060776472091674805,
-0.03052426129579544,
-0.09960514307022095,
-0.10231542587280273,
-0.035441432148218155,
0.15014107525348663,
-0.06847137212753296,
0.026255019009113312,
0.07904887199401855,
-0.052881233394145966,
0.025793947279453278,
0.04856716841459274,
0.03448663279414177,
0.1221487894654274,
-0.001215557218529284,
-0.07709990441799164,
0.16998380422592163,
-0.03200173377990723,
0.2796894311904907,
0.14951495826244354,
-0.03067215345799923,
0.08409982174634933,
-0.15878576040267944,
-0.019960133358836174,
0.00848422758281231,
0.03848952054977417,
0.013422573916614056,
0.02537921629846096,
-0.0026926184073090553,
0.02862035483121872,
-0.019773732870817184,
0.028187738731503487,
-0.03169092535972595,
-0.04430263116955757,
-0.14716102182865143,
0.058747272938489914,
0.2365829348564148,
-0.13004006445407867,
0.12873926758766174,
0.42796385288238525,
0.14218564331531525,
0.12125571817159653,
-0.13505136966705322,
-0.02173028700053692,
-0.058221086859703064,
0.02280946634709835,
-0.013474101200699806,
0.13439591228961945,
-0.07596458494663239,
0.020023932680487633,
0.06136634573340416,
0.04352498799562454,
0.06329526752233505,
-0.1693090796470642,
-0.14841172099113464,
0.018325205892324448,
-0.03592538833618164,
-0.1858559101819992,
0.04959847778081894,
-0.057697005569934845,
0.013673753477633,
-0.013375808484852314,
-0.17414575815200806,
0.18149322271347046,
-0.0364006944000721,
-0.037611231207847595,
0.07897482812404633,
-0.17055389285087585,
-0.0680292397737503,
-0.18168671429157257,
-0.12170156836509705,
0.022621741518378258,
0.062066562473773956,
0.051660872995853424,
0.0047966050915420055,
-0.06958400458097458,
0.031779590994119644,
-0.055861517786979675,
-0.09416251629590988,
-0.04912351071834564,
-0.04945164918899536,
0.12562555074691772,
-0.08498034626245499,
-0.07810953259468079,
-0.08747867494821548,
-0.04953618720173836,
0.002615730743855238,
0.09701508283615112,
-0.08972694724798203,
0.1236085593700409,
0.1159239336848259,
0.02788708545267582,
0.06118857115507126,
-0.0369788333773613,
0.013719318434596062,
-0.03879221901297569,
-0.1766762137413025,
0.033661022782325745,
-0.013508514501154423,
0.023331418633461,
0.23305290937423706,
0.11078759282827377,
-0.12118330597877502,
-0.021702736616134644,
-0.09489051252603531,
-0.108498215675354,
-0.2273930460214615,
-0.07614896446466446,
-0.09971866011619568,
0.10871418565511703,
0.026926031336188316,
0.15304842591285706,
0.08668656647205353,
0.00085177191067487,
0.14049619436264038,
-0.0419294573366642,
-0.013631305657327175,
0.014850152656435966,
0.21356576681137085,
0.005555502604693174,
-0.03695937991142273,
-0.10324737429618835,
-0.025446753948926926,
0.13626471161842346,
0.10506363958120346,
0.20390650629997253,
0.31066322326660156,
0.16101673245429993,
0.09635583311319351,
0.10759137570858002,
0.14944607019424438,
0.060194093734025955,
0.11415193974971771,
-0.008610432036221027,
-0.013061592355370522,
-0.02118520438671112,
0.06637652218341827,
0.052179500460624695,
0.1168375313282013,
-0.24083015322685242,
-0.0024012112990021706,
-0.2938269376754761,
0.003246366512030363,
-0.021395908668637276,
0.053754135966300964,
-0.06990637630224228,
0.16589611768722534,
0.05039012059569359,
0.046526949852705,
-0.028850041329860687,
0.14617592096328735,
-0.05160602927207947,
-0.0477323979139328,
-0.05741243064403534,
0.044229306280612946,
0.08442981541156769,
0.02817380055785179,
0.06543142348527908,
-0.008813409134745598,
-0.20615917444229126,
0.04245699942111969,
0.12401856482028961,
-0.21084308624267578,
0.3239378035068512,
-0.0028920366894453764,
-0.06953002512454987,
-0.04932951182126999,
-0.07888307422399521,
-0.03988398611545563,
0.17879843711853027,
0.11651970446109772,
0.04419676586985588,
-0.1525801569223404,
-0.15082842111587524,
-0.033530816435813904,
0.010446464642882347,
0.0848909243941307,
-0.09540358930826187,
-0.1317436695098877,
-0.030545957386493683,
0.028719225898385048,
-0.006527464371174574,
0.07769943028688431,
0.011052114889025688,
-0.08202503621578217,
0.0042620436288416386,
0.1314411461353302,
0.08408151566982269,
-0.0472731739282608,
0.0709058940410614,
-0.042024195194244385,
0.03352265805006027,
-0.07903736084699631,
0.06822451949119568,
-0.07603102177381516,
-0.21682386100292206,
0.03744259849190712,
-0.03745773062109947,
-0.016053028404712677,
-0.029623525217175484,
-0.1550007164478302,
-0.09144362062215805,
-0.1637834906578064,
0.120005302131176,
-0.006604653317481279,
0.06439493596553802,
-0.07176050543785095,
0.1468455195426941,
-0.08516688644886017,
0.014381608925759792,
-0.020552005618810654,
0.047794267535209656,
-0.02630423940718174,
-0.0905315950512886,
0.07030918449163437,
-0.09934013336896896,
0.11024712026119232,
0.0598573163151741,
-0.011180520057678223,
-0.06611679494380951,
0.07026802003383636,
-0.05521855130791664,
0.1424146294593811,
0.39370810985565186,
-0.00004684935265686363,
0.20012730360031128,
0.31034794449806213,
-0.10776351392269135,
-0.1625501960515976,
-0.12275692820549011,
-0.2780832052230835,
-0.053159065544605255,
0.12525604665279388,
-0.11097647249698639,
0.08710867911577225,
0.184139221906662,
-0.11201906204223633,
0.2200728952884674,
-0.17379184067249298,
-0.05779341980814934,
0.2017025202512741,
-0.04684410244226456,
0.4212815463542938,
-0.11246506124734879,
-0.12273112684488297,
-0.013173118233680725,
-0.2417936623096466,
0.18541166186332703,
0.023181580007076263,
0.04318664222955704,
0.015673266723752022,
-0.024114498868584633,
0.0023437796626240015,
-0.025909341871738434,
0.21944701671600342,
0.04633456841111183,
0.1283903568983078,
-0.07707980275154114,
-0.16799676418304443,
0.16908089816570282,
0.015356134623289108,
-0.009392903186380863,
-0.0004815604188479483,
-0.03971977159380913,
-0.06598346680402756,
0.01853450946509838,
0.019276991486549377,
0.07118704915046692,
0.04193834960460663,
-0.07910560816526413,
-0.061892859637737274,
0.026017112657427788,
-0.12576264142990112,
-0.028489835560321808,
0.3464178144931793,
-0.04748160392045975,
-0.02830524928867817,
0.05027179419994354,
-0.044829174876213074,
-0.13644297420978546,
0.020941177383065224,
-0.09828171133995056,
-0.0372033417224884,
0.0711018294095993,
-0.08613325655460358,
-0.012607406824827194,
0.17921175062656403,
-0.06338713318109512,
0.09272562712430954,
0.10623887181282043,
-0.018168436363339424,
-0.003690376877784729,
0.1505836844444275,
-0.08955610543489456,
-0.05949624255299568,
0.038547076284885406,
-0.042721766978502274,
0.16216687858104706,
0.01073295995593071,
0.005462927278131247,
0.05844492465257645,
0.05403412878513336,
0.03161868825554848,
0.004276670981198549,
-0.11593161523342133,
-0.054810672998428345,
-0.015304174274206161,
-0.010757681913673878,
-0.08822467178106308,
0.1665848046541214,
0.11278177797794342,
-0.03738335892558098,
-0.08656846731901169,
0.038513220846652985,
-0.06224292516708374,
-0.04773874580860138,
-0.14017659425735474,
0.06885796040296555,
-0.09896132349967957,
-0.12062864750623703,
0.02515169233083725,
-0.08000493049621582,
-0.004377706907689571,
0.0647667646408081,
0.04690111428499222,
0.16041380167007446,
0.016140718013048172,
-0.05058953911066055,
0.1012006625533104,
-0.06568071991205215,
-0.22376540303230286,
-0.004815173801034689,
-0.057423871010541916,
-0.13135913014411926,
-0.05343145132064819,
0.05086005851626396,
-0.05060739815235138,
-0.09961024671792984,
-0.19562619924545288,
0.08872608840465546,
-0.08497052639722824,
-0.019507773220539093,
-0.08128464967012405,
0.004340821411460638,
0.07039567083120346,
-0.035325340926647186,
-0.030855692923069,
-0.02515961416065693,
-0.1762239634990692,
0.05591270700097084,
0.06511647999286652,
0.09757211059331894,
-0.04050735384225845,
-0.06904760748147964,
0.10191382467746735,
0.05561268329620361,
0.08624852448701859,
0.08695116639137268,
0.011728010140359402,
0.09266552329063416,
-0.1965751051902771,
-0.016384180635213852,
0.10616989433765411,
-0.01608520746231079,
0.026373200118541718,
0.08290281146764755,
-0.042701978236436844,
0.13656772673130035,
-0.09333058446645737,
0.03753349184989929,
-0.13666236400604248,
-0.15802337229251862,
-0.11297178268432617,
-0.0192071832716465,
-0.195296972990036,
0.024313680827617645,
-0.18517327308654785,
0.1365949660539627,
0.04444144666194916,
0.11981076747179031,
0.11451501399278641,
0.020383229479193687,
0.06631947308778763,
-0.02400292083621025,
0.019680190831422806,
-0.10155560076236725,
-0.06193268299102783,
-0.09408509731292725,
-0.10228816419839859,
-0.019449859857559204,
0.3598257303237915,
0.030900822952389717,
-0.1377447545528412,
0.015531311742961407,
0.13372676074504852,
0.05165252462029457,
0.008012490347027779,
0.22241179645061493,
0.09171604365110397,
-0.03462982550263405,
-0.12776586413383484,
0.020040886476635933,
-0.06904387474060059,
-0.11830759048461914,
0.06509853899478912,
0.07520037889480591,
0.05063849315047264,
0.023885557428002357,
0.12223953753709793,
-0.05918745696544647,
-0.024608196690678596,
-0.09095824509859085,
0.10515180230140686,
-0.00047020919737406075,
-0.0009425307507626712,
0.026272952556610107,
0.10963425040245056,
-0.02735988050699234,
0.016747435554862022,
-0.04720931500196457,
0.014566083438694477,
-0.1370285302400589,
-0.17265358567237854,
0.021668054163455963,
-0.09530360251665115,
0.09713318943977356,
0.04008160158991814,
0.03339911252260208,
0.22528502345085144,
0.020239032804965973,
-0.05381890758872032,
-0.03684941679239273,
-0.17744074761867523,
-0.03446892276406288,
-0.011784099973738194,
-0.06038016825914383,
0.019421324133872986,
-0.15502238273620605,
-0.08669687807559967,
-0.053745754063129425,
-0.20106953382492065,
-0.08142349123954773,
0.01770801842212677,
0.031614627689123154,
-0.03323209285736084,
-0.17607742547988892,
-0.033340949565172195,
-0.0520307719707489,
0.09757503867149353,
-0.0761672630906105,
0.1712876558303833,
0.002594541758298874,
0.031807079911231995,
0.09424837678670883,
0.08509305119514465,
0.018229058012366295,
-0.08685760945081711,
0.014973534271121025,
0.0547594279050827,
0.05704568326473236,
0.09507816284894943,
-0.03355716913938522,
-0.03315712511539459,
0.020593920722603798,
0.13025522232055664,
0.20273028314113617,
-0.026157863438129425,
0.0016457816818729043,
0.03268938511610031,
0.022581228986382484,
0.06480582803487778,
0.13965685665607452,
-0.028944846242666245,
0.2944977581501007,
-0.051024939864873886,
-0.04408349096775055,
0.013126111589372158,
0.05205829441547394,
-0.03333349525928497,
0.0337289534509182,
0.0410056971013546,
-0.10160918533802032,
-0.0784696713089943,
0.10816460847854614,
-0.14890111982822418,
0.17881648242473602,
0.1818048655986786,
-0.06250949949026108,
0.04183897003531456,
-0.02763577178120613,
0.12054523080587387,
-0.042752813547849655,
0.07622610032558441,
-0.14075210690498352,
-0.1563408374786377,
-0.09923356026411057,
0.012143909931182861,
-0.3355368375778198,
-0.11365459859371185,
0.08319416642189026,
0.13067947328090668,
0.14486342668533325,
-0.00925982091575861,
0.1479589194059372,
-0.03212190046906471,
0.12577205896377563,
-0.05030658468604088,
0.1728009581565857,
0.024199573323130608,
-0.0708630234003067,
-0.10054776072502136,
-0.2111959159374237,
-0.03324923664331436,
-0.02670102007687092,
0.03914909437298775,
0.034850697964429855,
0.07598061114549637,
0.01287699956446886,
-0.04820278659462929,
-0.012232895009219646,
-0.043550752103328705,
-0.11165264248847961,
0.0045821103267371655,
-0.04306357353925705,
0.054027292877435684,
-0.05771802365779877,
-0.014714881777763367,
0.039362262934446335,
0.09488441050052643,
-0.19894859194755554,
-0.05658499523997307,
0.17000791430473328,
0.0021752065513283014,
0.19345274567604065,
-0.035405032336711884,
-0.01543882954865694,
-0.024236559867858887,
-0.08328317105770111,
0.08293083310127258,
-0.0826251357793808,
0.01429809257388115,
0.16312170028686523,
0.0005415189662016928,
0.005640124436467886,
-0.2514287829399109,
0.06522703915834427,
-0.03998519852757454,
-0.036138907074928284,
-0.07362683862447739
] |
35134b0621b1c627dbe9fe3157092de25bbff48a |
# Dataset Card for Evaluation run of abideen/NexoNimbus-MoE-2x7B
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [abideen/NexoNimbus-MoE-2x7B](https://huggingface.co/abideen/NexoNimbus-MoE-2x7B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_abideen__NexoNimbus-MoE-2x7B",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T07:48:44.681252](https://huggingface.co/datasets/open-llm-leaderboard/details_abideen__NexoNimbus-MoE-2x7B/blob/main/results_2024-01-14T07-48-44.681252.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.6460879831062891,
"acc_stderr": 0.032126633738886544,
"acc_norm": 0.6490547896974873,
"acc_norm_stderr": 0.03277080381411241,
"mc1": 0.3598531211750306,
"mc1_stderr": 0.016801860466677157,
"mc2": 0.5305573947385855,
"mc2_stderr": 0.015330669260578354
},
"harness|arc:challenge|25": {
"acc": 0.6228668941979523,
"acc_stderr": 0.014163366896192598,
"acc_norm": 0.6680887372013652,
"acc_norm_stderr": 0.013760988200880536
},
"harness|hellaswag|10": {
"acc": 0.6683927504481179,
"acc_stderr": 0.004698285350019219,
"acc_norm": 0.856602270464051,
"acc_norm_stderr": 0.0034976171082184023
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.31,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.31,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.5851851851851851,
"acc_stderr": 0.04256193767901408,
"acc_norm": 0.5851851851851851,
"acc_norm_stderr": 0.04256193767901408
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.7039473684210527,
"acc_stderr": 0.03715062154998904,
"acc_norm": 0.7039473684210527,
"acc_norm_stderr": 0.03715062154998904
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.63,
"acc_stderr": 0.048523658709391,
"acc_norm": 0.63,
"acc_norm_stderr": 0.048523658709391
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.6943396226415094,
"acc_stderr": 0.028353298073322666,
"acc_norm": 0.6943396226415094,
"acc_norm_stderr": 0.028353298073322666
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.75,
"acc_stderr": 0.03621034121889507,
"acc_norm": 0.75,
"acc_norm_stderr": 0.03621034121889507
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.46,
"acc_stderr": 0.05009082659620332,
"acc_norm": 0.46,
"acc_norm_stderr": 0.05009082659620332
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.49,
"acc_stderr": 0.05024183937956911,
"acc_norm": 0.49,
"acc_norm_stderr": 0.05024183937956911
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.29,
"acc_stderr": 0.04560480215720684,
"acc_norm": 0.29,
"acc_norm_stderr": 0.04560480215720684
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6473988439306358,
"acc_stderr": 0.03643037168958548,
"acc_norm": 0.6473988439306358,
"acc_norm_stderr": 0.03643037168958548
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.43137254901960786,
"acc_stderr": 0.04928099597287534,
"acc_norm": 0.43137254901960786,
"acc_norm_stderr": 0.04928099597287534
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.79,
"acc_stderr": 0.04093601807403326,
"acc_norm": 0.79,
"acc_norm_stderr": 0.04093601807403326
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.5574468085106383,
"acc_stderr": 0.032469569197899575,
"acc_norm": 0.5574468085106383,
"acc_norm_stderr": 0.032469569197899575
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.5,
"acc_stderr": 0.047036043419179864,
"acc_norm": 0.5,
"acc_norm_stderr": 0.047036043419179864
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5448275862068965,
"acc_stderr": 0.04149886942192117,
"acc_norm": 0.5448275862068965,
"acc_norm_stderr": 0.04149886942192117
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.4126984126984127,
"acc_stderr": 0.025355741263055273,
"acc_norm": 0.4126984126984127,
"acc_norm_stderr": 0.025355741263055273
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.46825396825396826,
"acc_stderr": 0.04463112720677172,
"acc_norm": 0.46825396825396826,
"acc_norm_stderr": 0.04463112720677172
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.36,
"acc_stderr": 0.04824181513244218,
"acc_norm": 0.36,
"acc_norm_stderr": 0.04824181513244218
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7870967741935484,
"acc_stderr": 0.023287665127268542,
"acc_norm": 0.7870967741935484,
"acc_norm_stderr": 0.023287665127268542
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5320197044334976,
"acc_stderr": 0.03510766597959215,
"acc_norm": 0.5320197044334976,
"acc_norm_stderr": 0.03510766597959215
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.65,
"acc_stderr": 0.047937248544110196,
"acc_norm": 0.65,
"acc_norm_stderr": 0.047937248544110196
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.793939393939394,
"acc_stderr": 0.03158415324047709,
"acc_norm": 0.793939393939394,
"acc_norm_stderr": 0.03158415324047709
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7828282828282829,
"acc_stderr": 0.02937661648494563,
"acc_norm": 0.7828282828282829,
"acc_norm_stderr": 0.02937661648494563
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8911917098445595,
"acc_stderr": 0.02247325333276878,
"acc_norm": 0.8911917098445595,
"acc_norm_stderr": 0.02247325333276878
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6717948717948717,
"acc_stderr": 0.023807633198657266,
"acc_norm": 0.6717948717948717,
"acc_norm_stderr": 0.023807633198657266
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.35185185185185186,
"acc_stderr": 0.02911661760608301,
"acc_norm": 0.35185185185185186,
"acc_norm_stderr": 0.02911661760608301
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6932773109243697,
"acc_stderr": 0.029953823891887048,
"acc_norm": 0.6932773109243697,
"acc_norm_stderr": 0.029953823891887048
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.33774834437086093,
"acc_stderr": 0.03861557546255169,
"acc_norm": 0.33774834437086093,
"acc_norm_stderr": 0.03861557546255169
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8403669724770643,
"acc_stderr": 0.015703498348461783,
"acc_norm": 0.8403669724770643,
"acc_norm_stderr": 0.015703498348461783
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5416666666666666,
"acc_stderr": 0.033981108902946366,
"acc_norm": 0.5416666666666666,
"acc_norm_stderr": 0.033981108902946366
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8333333333333334,
"acc_stderr": 0.026156867523931045,
"acc_norm": 0.8333333333333334,
"acc_norm_stderr": 0.026156867523931045
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.7974683544303798,
"acc_stderr": 0.026160568246601443,
"acc_norm": 0.7974683544303798,
"acc_norm_stderr": 0.026160568246601443
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.6860986547085202,
"acc_stderr": 0.031146796482972465,
"acc_norm": 0.6860986547085202,
"acc_norm_stderr": 0.031146796482972465
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7862595419847328,
"acc_stderr": 0.0359546161177469,
"acc_norm": 0.7862595419847328,
"acc_norm_stderr": 0.0359546161177469
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.7851239669421488,
"acc_stderr": 0.037494924487096966,
"acc_norm": 0.7851239669421488,
"acc_norm_stderr": 0.037494924487096966
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7592592592592593,
"acc_stderr": 0.04133119440243838,
"acc_norm": 0.7592592592592593,
"acc_norm_stderr": 0.04133119440243838
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7668711656441718,
"acc_stderr": 0.0332201579577674,
"acc_norm": 0.7668711656441718,
"acc_norm_stderr": 0.0332201579577674
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.5,
"acc_stderr": 0.04745789978762494,
"acc_norm": 0.5,
"acc_norm_stderr": 0.04745789978762494
},
"harness|hendrycksTest-management|5": {
"acc": 0.8058252427184466,
"acc_stderr": 0.03916667762822584,
"acc_norm": 0.8058252427184466,
"acc_norm_stderr": 0.03916667762822584
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8547008547008547,
"acc_stderr": 0.023086635086841407,
"acc_norm": 0.8547008547008547,
"acc_norm_stderr": 0.023086635086841407
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.7,
"acc_stderr": 0.046056618647183814,
"acc_norm": 0.7,
"acc_norm_stderr": 0.046056618647183814
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8250319284802043,
"acc_stderr": 0.013586619219903338,
"acc_norm": 0.8250319284802043,
"acc_norm_stderr": 0.013586619219903338
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7283236994219653,
"acc_stderr": 0.02394851290546835,
"acc_norm": 0.7283236994219653,
"acc_norm_stderr": 0.02394851290546835
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.376536312849162,
"acc_stderr": 0.016204672385106603,
"acc_norm": 0.376536312849162,
"acc_norm_stderr": 0.016204672385106603
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7581699346405228,
"acc_stderr": 0.024518195641879334,
"acc_norm": 0.7581699346405228,
"acc_norm_stderr": 0.024518195641879334
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.707395498392283,
"acc_stderr": 0.02583989833487798,
"acc_norm": 0.707395498392283,
"acc_norm_stderr": 0.02583989833487798
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7253086419753086,
"acc_stderr": 0.024836057868294677,
"acc_norm": 0.7253086419753086,
"acc_norm_stderr": 0.024836057868294677
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.4787234042553192,
"acc_stderr": 0.029800481645628693,
"acc_norm": 0.4787234042553192,
"acc_norm_stderr": 0.029800481645628693
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.47522816166883963,
"acc_stderr": 0.012754553719781753,
"acc_norm": 0.47522816166883963,
"acc_norm_stderr": 0.012754553719781753
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6985294117647058,
"acc_stderr": 0.027875982114273168,
"acc_norm": 0.6985294117647058,
"acc_norm_stderr": 0.027875982114273168
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6715686274509803,
"acc_stderr": 0.018999707383162666,
"acc_norm": 0.6715686274509803,
"acc_norm_stderr": 0.018999707383162666
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6818181818181818,
"acc_stderr": 0.04461272175910509,
"acc_norm": 0.6818181818181818,
"acc_norm_stderr": 0.04461272175910509
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7387755102040816,
"acc_stderr": 0.02812342933514278,
"acc_norm": 0.7387755102040816,
"acc_norm_stderr": 0.02812342933514278
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8557213930348259,
"acc_stderr": 0.024845753212306046,
"acc_norm": 0.8557213930348259,
"acc_norm_stderr": 0.024845753212306046
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.86,
"acc_stderr": 0.03487350880197769,
"acc_norm": 0.86,
"acc_norm_stderr": 0.03487350880197769
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5662650602409639,
"acc_stderr": 0.03858158940685516,
"acc_norm": 0.5662650602409639,
"acc_norm_stderr": 0.03858158940685516
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.847953216374269,
"acc_stderr": 0.027539122889061456,
"acc_norm": 0.847953216374269,
"acc_norm_stderr": 0.027539122889061456
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3598531211750306,
"mc1_stderr": 0.016801860466677157,
"mc2": 0.5305573947385855,
"mc2_stderr": 0.015330669260578354
},
"harness|winogrande|5": {
"acc": 0.8153117600631413,
"acc_stderr": 0.010905978112156888
},
"harness|gsm8k|5": {
"acc": 0.535253980288097,
"acc_stderr": 0.01373820799017732
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_abideen__NexoNimbus-MoE-2x7B | [
"region:us"
] | 2024-01-14T07:50:59+00:00 | {"pretty_name": "Evaluation run of abideen/NexoNimbus-MoE-2x7B", "dataset_summary": "Dataset automatically created during the evaluation run of model [abideen/NexoNimbus-MoE-2x7B](https://huggingface.co/abideen/NexoNimbus-MoE-2x7B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_abideen__NexoNimbus-MoE-2x7B\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T07:48:44.681252](https://huggingface.co/datasets/open-llm-leaderboard/details_abideen__NexoNimbus-MoE-2x7B/blob/main/results_2024-01-14T07-48-44.681252.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.6460879831062891,\n \"acc_stderr\": 0.032126633738886544,\n \"acc_norm\": 0.6490547896974873,\n \"acc_norm_stderr\": 0.03277080381411241,\n \"mc1\": 0.3598531211750306,\n \"mc1_stderr\": 0.016801860466677157,\n \"mc2\": 0.5305573947385855,\n \"mc2_stderr\": 0.015330669260578354\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6228668941979523,\n \"acc_stderr\": 0.014163366896192598,\n \"acc_norm\": 0.6680887372013652,\n \"acc_norm_stderr\": 0.013760988200880536\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6683927504481179,\n \"acc_stderr\": 0.004698285350019219,\n \"acc_norm\": 0.856602270464051,\n \"acc_norm_stderr\": 0.0034976171082184023\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.31,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.31,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.5851851851851851,\n \"acc_stderr\": 0.04256193767901408,\n \"acc_norm\": 0.5851851851851851,\n \"acc_norm_stderr\": 0.04256193767901408\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.7039473684210527,\n \"acc_stderr\": 0.03715062154998904,\n \"acc_norm\": 0.7039473684210527,\n \"acc_norm_stderr\": 0.03715062154998904\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.63,\n \"acc_stderr\": 0.048523658709391,\n \"acc_norm\": 0.63,\n \"acc_norm_stderr\": 0.048523658709391\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.6943396226415094,\n \"acc_stderr\": 0.028353298073322666,\n \"acc_norm\": 0.6943396226415094,\n \"acc_norm_stderr\": 0.028353298073322666\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.03621034121889507,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.03621034121889507\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.46,\n \"acc_stderr\": 0.05009082659620332,\n \"acc_norm\": 0.46,\n \"acc_norm_stderr\": 0.05009082659620332\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.49,\n \"acc_stderr\": 0.05024183937956911,\n \"acc_norm\": 0.49,\n \"acc_norm_stderr\": 0.05024183937956911\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.29,\n \"acc_stderr\": 0.04560480215720684,\n \"acc_norm\": 0.29,\n \"acc_norm_stderr\": 0.04560480215720684\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6473988439306358,\n \"acc_stderr\": 0.03643037168958548,\n \"acc_norm\": 0.6473988439306358,\n \"acc_norm_stderr\": 0.03643037168958548\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.43137254901960786,\n \"acc_stderr\": 0.04928099597287534,\n \"acc_norm\": 0.43137254901960786,\n \"acc_norm_stderr\": 0.04928099597287534\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.79,\n \"acc_stderr\": 0.04093601807403326,\n \"acc_norm\": 0.79,\n \"acc_norm_stderr\": 0.04093601807403326\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.5574468085106383,\n \"acc_stderr\": 0.032469569197899575,\n \"acc_norm\": 0.5574468085106383,\n \"acc_norm_stderr\": 0.032469569197899575\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.047036043419179864,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.047036043419179864\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5448275862068965,\n \"acc_stderr\": 0.04149886942192117,\n \"acc_norm\": 0.5448275862068965,\n \"acc_norm_stderr\": 0.04149886942192117\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.4126984126984127,\n \"acc_stderr\": 0.025355741263055273,\n \"acc_norm\": 0.4126984126984127,\n \"acc_norm_stderr\": 0.025355741263055273\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.46825396825396826,\n \"acc_stderr\": 0.04463112720677172,\n \"acc_norm\": 0.46825396825396826,\n \"acc_norm_stderr\": 0.04463112720677172\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.36,\n \"acc_stderr\": 0.04824181513244218,\n \"acc_norm\": 0.36,\n \"acc_norm_stderr\": 0.04824181513244218\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7870967741935484,\n \"acc_stderr\": 0.023287665127268542,\n \"acc_norm\": 0.7870967741935484,\n \"acc_norm_stderr\": 0.023287665127268542\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5320197044334976,\n \"acc_stderr\": 0.03510766597959215,\n \"acc_norm\": 0.5320197044334976,\n \"acc_norm_stderr\": 0.03510766597959215\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.65,\n \"acc_stderr\": 0.047937248544110196,\n \"acc_norm\": 0.65,\n \"acc_norm_stderr\": 0.047937248544110196\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.793939393939394,\n \"acc_stderr\": 0.03158415324047709,\n \"acc_norm\": 0.793939393939394,\n \"acc_norm_stderr\": 0.03158415324047709\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7828282828282829,\n \"acc_stderr\": 0.02937661648494563,\n \"acc_norm\": 0.7828282828282829,\n \"acc_norm_stderr\": 0.02937661648494563\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8911917098445595,\n \"acc_stderr\": 0.02247325333276878,\n \"acc_norm\": 0.8911917098445595,\n \"acc_norm_stderr\": 0.02247325333276878\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6717948717948717,\n \"acc_stderr\": 0.023807633198657266,\n \"acc_norm\": 0.6717948717948717,\n \"acc_norm_stderr\": 0.023807633198657266\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.35185185185185186,\n \"acc_stderr\": 0.02911661760608301,\n \"acc_norm\": 0.35185185185185186,\n \"acc_norm_stderr\": 0.02911661760608301\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6932773109243697,\n \"acc_stderr\": 0.029953823891887048,\n \"acc_norm\": 0.6932773109243697,\n \"acc_norm_stderr\": 0.029953823891887048\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.33774834437086093,\n \"acc_stderr\": 0.03861557546255169,\n \"acc_norm\": 0.33774834437086093,\n \"acc_norm_stderr\": 0.03861557546255169\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8403669724770643,\n \"acc_stderr\": 0.015703498348461783,\n \"acc_norm\": 0.8403669724770643,\n \"acc_norm_stderr\": 0.015703498348461783\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5416666666666666,\n \"acc_stderr\": 0.033981108902946366,\n \"acc_norm\": 0.5416666666666666,\n \"acc_norm_stderr\": 0.033981108902946366\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8333333333333334,\n \"acc_stderr\": 0.026156867523931045,\n \"acc_norm\": 0.8333333333333334,\n \"acc_norm_stderr\": 0.026156867523931045\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.7974683544303798,\n \"acc_stderr\": 0.026160568246601443,\n \"acc_norm\": 0.7974683544303798,\n \"acc_norm_stderr\": 0.026160568246601443\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.6860986547085202,\n \"acc_stderr\": 0.031146796482972465,\n \"acc_norm\": 0.6860986547085202,\n \"acc_norm_stderr\": 0.031146796482972465\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7862595419847328,\n \"acc_stderr\": 0.0359546161177469,\n \"acc_norm\": 0.7862595419847328,\n \"acc_norm_stderr\": 0.0359546161177469\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.7851239669421488,\n \"acc_stderr\": 0.037494924487096966,\n \"acc_norm\": 0.7851239669421488,\n \"acc_norm_stderr\": 0.037494924487096966\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7592592592592593,\n \"acc_stderr\": 0.04133119440243838,\n \"acc_norm\": 0.7592592592592593,\n \"acc_norm_stderr\": 0.04133119440243838\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7668711656441718,\n \"acc_stderr\": 0.0332201579577674,\n \"acc_norm\": 0.7668711656441718,\n \"acc_norm_stderr\": 0.0332201579577674\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.04745789978762494,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.04745789978762494\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8058252427184466,\n \"acc_stderr\": 0.03916667762822584,\n \"acc_norm\": 0.8058252427184466,\n \"acc_norm_stderr\": 0.03916667762822584\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8547008547008547,\n \"acc_stderr\": 0.023086635086841407,\n \"acc_norm\": 0.8547008547008547,\n \"acc_norm_stderr\": 0.023086635086841407\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.7,\n \"acc_stderr\": 0.046056618647183814,\n \"acc_norm\": 0.7,\n \"acc_norm_stderr\": 0.046056618647183814\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8250319284802043,\n \"acc_stderr\": 0.013586619219903338,\n \"acc_norm\": 0.8250319284802043,\n \"acc_norm_stderr\": 0.013586619219903338\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7283236994219653,\n \"acc_stderr\": 0.02394851290546835,\n \"acc_norm\": 0.7283236994219653,\n \"acc_norm_stderr\": 0.02394851290546835\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.376536312849162,\n \"acc_stderr\": 0.016204672385106603,\n \"acc_norm\": 0.376536312849162,\n \"acc_norm_stderr\": 0.016204672385106603\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7581699346405228,\n \"acc_stderr\": 0.024518195641879334,\n \"acc_norm\": 0.7581699346405228,\n \"acc_norm_stderr\": 0.024518195641879334\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.707395498392283,\n \"acc_stderr\": 0.02583989833487798,\n \"acc_norm\": 0.707395498392283,\n \"acc_norm_stderr\": 0.02583989833487798\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7253086419753086,\n \"acc_stderr\": 0.024836057868294677,\n \"acc_norm\": 0.7253086419753086,\n \"acc_norm_stderr\": 0.024836057868294677\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.4787234042553192,\n \"acc_stderr\": 0.029800481645628693,\n \"acc_norm\": 0.4787234042553192,\n \"acc_norm_stderr\": 0.029800481645628693\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.47522816166883963,\n \"acc_stderr\": 0.012754553719781753,\n \"acc_norm\": 0.47522816166883963,\n \"acc_norm_stderr\": 0.012754553719781753\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6985294117647058,\n \"acc_stderr\": 0.027875982114273168,\n \"acc_norm\": 0.6985294117647058,\n \"acc_norm_stderr\": 0.027875982114273168\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6715686274509803,\n \"acc_stderr\": 0.018999707383162666,\n \"acc_norm\": 0.6715686274509803,\n \"acc_norm_stderr\": 0.018999707383162666\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6818181818181818,\n \"acc_stderr\": 0.04461272175910509,\n \"acc_norm\": 0.6818181818181818,\n \"acc_norm_stderr\": 0.04461272175910509\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7387755102040816,\n \"acc_stderr\": 0.02812342933514278,\n \"acc_norm\": 0.7387755102040816,\n \"acc_norm_stderr\": 0.02812342933514278\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8557213930348259,\n \"acc_stderr\": 0.024845753212306046,\n \"acc_norm\": 0.8557213930348259,\n \"acc_norm_stderr\": 0.024845753212306046\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.86,\n \"acc_stderr\": 0.03487350880197769,\n \"acc_norm\": 0.86,\n \"acc_norm_stderr\": 0.03487350880197769\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5662650602409639,\n \"acc_stderr\": 0.03858158940685516,\n \"acc_norm\": 0.5662650602409639,\n \"acc_norm_stderr\": 0.03858158940685516\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.847953216374269,\n \"acc_stderr\": 0.027539122889061456,\n \"acc_norm\": 0.847953216374269,\n \"acc_norm_stderr\": 0.027539122889061456\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3598531211750306,\n \"mc1_stderr\": 0.016801860466677157,\n \"mc2\": 0.5305573947385855,\n \"mc2_stderr\": 0.015330669260578354\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8153117600631413,\n \"acc_stderr\": 0.010905978112156888\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.535253980288097,\n \"acc_stderr\": 0.01373820799017732\n }\n}\n```", "repo_url": "https://huggingface.co/abideen/NexoNimbus-MoE-2x7B", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|arc:challenge|25_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|gsm8k|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hellaswag|10_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T07-48-44.681252.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["**/details_harness|winogrande|5_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T07-48-44.681252.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T07_48_44.681252", "path": ["results_2024-01-14T07-48-44.681252.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T07-48-44.681252.parquet"]}]}]} | 2024-01-14T07:51:19+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of abideen/NexoNimbus-MoE-2x7B
Dataset automatically created during the evaluation run of model abideen/NexoNimbus-MoE-2x7B on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T07:48:44.681252(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of abideen/NexoNimbus-MoE-2x7B\n\n\n\nDataset automatically created during the evaluation run of model abideen/NexoNimbus-MoE-2x7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T07:48:44.681252(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of abideen/NexoNimbus-MoE-2x7B\n\n\n\nDataset automatically created during the evaluation run of model abideen/NexoNimbus-MoE-2x7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T07:48:44.681252(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
193,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of abideen/NexoNimbus-MoE-2x7B\n\n\n\nDataset automatically created during the evaluation run of model abideen/NexoNimbus-MoE-2x7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T07:48:44.681252(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]"
] | [
-0.04700770974159241,
0.22668001055717468,
-0.004574011545628309,
0.031064363196492195,
0.0945751965045929,
-0.007482037413865328,
0.009824414737522602,
0.11438551545143127,
-0.020435519516468048,
0.17722536623477936,
-0.014699313789606094,
0.08761566132307053,
0.08499713242053986,
0.11584831774234772,
0.024936921894550323,
-0.13085061311721802,
0.017939157783985138,
-0.06774166226387024,
0.0718286782503128,
0.08208616077899933,
0.08677102625370026,
-0.07547108829021454,
0.056402623653411865,
-0.050016652792692184,
-0.015900302678346634,
0.01352526992559433,
-0.09396690875291824,
-0.03341086953878403,
0.08711180090904236,
0.09364107996225357,
0.04070274904370308,
-0.015226817689836025,
0.021738067269325256,
-0.2657510042190552,
0.01328493282198906,
0.09241760522127151,
-0.007096501532942057,
0.04052114114165306,
0.11869155615568161,
-0.07883348315954208,
0.042315639555454254,
-0.08902469277381897,
0.06706135720014572,
0.04495954513549805,
-0.12718677520751953,
-0.13552968204021454,
-0.13368508219718933,
0.024151571094989777,
0.05948102846741676,
0.05198639631271362,
-0.0273752324283123,
0.1425352692604065,
-0.028747808188199997,
0.046354569494724274,
0.13199570775032043,
-0.09512615203857422,
-0.026840081438422203,
0.047308988869190216,
0.04309937357902527,
0.07252718508243561,
-0.0903199315071106,
0.001487647881731391,
0.03821292147040367,
0.04158860445022583,
0.014579406939446926,
0.001662775524891913,
-0.06891798973083496,
0.020454075187444687,
-0.13370081782341003,
-0.1173522099852562,
0.16712051630020142,
0.010227053426206112,
-0.033782556653022766,
-0.16589343547821045,
-0.02700982615351677,
-0.0027770493179559708,
-0.006572656333446503,
-0.0554104745388031,
0.013295359909534454,
-0.027577057480812073,
0.08340747654438019,
-0.03716493025422096,
-0.09106306731700897,
-0.013910327106714249,
0.010208884254097939,
0.029409512877464294,
0.015890158712863922,
-0.021747499704360962,
-0.0022853617556393147,
0.10896272957324982,
-0.03035900741815567,
-0.08767185360193253,
-0.0725293681025505,
-0.04919905215501785,
-0.1201058030128479,
-0.043916068971157074,
0.022054653614759445,
-0.059553951025009155,
0.02971862256526947,
0.22743438184261322,
-0.04819881170988083,
0.03878115117549896,
-0.10024575889110565,
0.003642236115410924,
0.10974535346031189,
0.04979923367500305,
-0.06474235653877258,
-0.09019113332033157,
-0.019165582954883575,
0.01938878372311592,
0.025849243625998497,
-0.020170852541923523,
0.0035340762697160244,
0.05988996475934982,
0.05374779552221298,
0.12452730536460876,
0.12845391035079956,
0.014788100495934486,
-0.06533534079790115,
-0.02065804973244667,
0.21470466256141663,
-0.14278723299503326,
0.00307781295850873,
0.00046383519656956196,
-0.029438108205795288,
-0.10693694651126862,
0.08466313034296036,
0.00967982318252325,
-0.05788389965891838,
0.10939230024814606,
-0.05101728439331055,
-0.07385755330324173,
-0.06853456795215607,
-0.04969029873609543,
0.07178521156311035,
-0.019521312788128853,
-0.02870604582130909,
-0.08148304373025894,
-0.10180486738681793,
-0.07384701818227768,
0.024084055796265602,
-0.07194755226373672,
-0.03333352506160736,
0.03854385018348694,
-0.010495960712432861,
-0.018119007349014282,
-0.0171222947537899,
0.12072772532701492,
-0.04832473024725914,
0.022154485806822777,
0.021147044375538826,
0.010295604355633259,
0.07853686809539795,
0.0442953035235405,
-0.1194588765501976,
0.08358831703662872,
-0.10991173982620239,
0.09802559018135071,
-0.1055193692445755,
-0.015706967562437057,
-0.1507834494113922,
-0.008575208485126495,
-0.041722025722265244,
0.007249623071402311,
0.00977372843772173,
0.10086475312709808,
-0.21877005696296692,
0.012478168122470379,
0.13081590831279755,
-0.098737932741642,
-0.10640639066696167,
0.07866798341274261,
-0.03997087478637695,
0.0896931141614914,
0.054242461919784546,
0.09791187942028046,
0.11020579934120178,
-0.099694162607193,
-0.11388926953077316,
-0.0777876079082489,
-0.026767227798700333,
0.14604389667510986,
0.06007044017314911,
-0.062071628868579865,
0.1138601154088974,
0.042311638593673706,
-0.01170031726360321,
-0.09713712334632874,
-0.01602807082235813,
-0.07125647366046906,
-0.02035183273255825,
-0.04597931355237961,
-0.07535193860530853,
0.0077128238044679165,
-0.08850856870412827,
-0.02065635845065117,
-0.09667275846004486,
0.030193310230970383,
0.08054125308990479,
-0.01701459288597107,
0.023506494238972664,
-0.05645015090703964,
0.04233740642666817,
-0.011576706543564796,
0.025158267468214035,
-0.21614006161689758,
-0.11252616345882416,
0.03460454195737839,
-0.1458115577697754,
0.06484588980674744,
0.031183559447526932,
0.013066843152046204,
0.04399355500936508,
-0.026296719908714294,
0.019222667440772057,
0.01063243392854929,
0.0032489891164004803,
-0.013363884761929512,
-0.1424182653427124,
-0.04780018329620361,
-0.07939108461141586,
0.11737307161092758,
-0.1408286690711975,
-0.018251139670610428,
0.06425662338733673,
0.15744054317474365,
-0.0013991580344736576,
-0.07901577651500702,
0.07480428367853165,
0.002149311825633049,
-0.031507737934589386,
-0.059748586267232895,
0.00968011561781168,
-0.024399900808930397,
0.0425654835999012,
0.023016616702079773,
-0.2020937204360962,
-0.1481814980506897,
0.07175381481647491,
0.12674733996391296,
-0.0788668841123581,
-0.07875680923461914,
-0.061513613909482956,
-0.07262636721134186,
-0.07821695506572723,
-0.07250269502401352,
0.0777975544333458,
0.07404936850070953,
0.031473226845264435,
-0.07485640048980713,
-0.06327834725379944,
0.01468176394701004,
0.04670152813196182,
-0.07839260250329971,
0.10052406787872314,
0.07597404718399048,
-0.11961571872234344,
0.10405460745096207,
0.004589200951159,
0.11736185103654861,
0.07087234407663345,
0.038283366709947586,
-0.09341628104448318,
-0.009609122760593891,
0.04766948148608208,
0.038767434656620026,
0.07738863676786423,
-0.03933541104197502,
0.04379080981016159,
0.07790439575910568,
-0.01002795621752739,
0.04972776770591736,
-0.045859575271606445,
0.03200917690992355,
0.04227210581302643,
0.001729011069983244,
0.03648514300584793,
-0.0030293921008706093,
-0.0015692319720983505,
0.06459404528141022,
0.03188161924481392,
0.10755184292793274,
-0.012630589306354523,
-0.03378893435001373,
-0.0988500714302063,
0.12610571086406708,
-0.09254606068134308,
-0.2984125316143036,
-0.14937201142311096,
-0.02891949564218521,
-0.04144755005836487,
-0.02179504558444023,
0.07104134559631348,
-0.012054992839694023,
-0.0869012251496315,
-0.09583573043346405,
0.03275735303759575,
0.00018871668726205826,
-0.13638342916965485,
-0.06787585467100143,
0.06191728264093399,
0.011950256302952766,
-0.16484516859054565,
0.041811153292655945,
0.047277115285396576,
-0.041002437472343445,
-0.0017655286937952042,
0.07881605625152588,
0.15759262442588806,
0.07662917673587799,
0.048396725207567215,
-0.029246091842651367,
-0.0034876405261456966,
0.18857140839099884,
-0.10899423062801361,
0.04043702036142349,
0.1179330050945282,
-0.03821713477373123,
0.07191427052021027,
0.1779463291168213,
0.0011383002856746316,
-0.0924348384141922,
0.03701726347208023,
0.09714967012405396,
-0.07425947487354279,
-0.2546461820602417,
-0.09724684804677963,
-0.022088076919317245,
-0.008969697169959545,
0.10399283468723297,
0.06269162893295288,
0.021452339366078377,
0.018620768561959267,
-0.11049362272024155,
-0.027658196166157722,
-0.05275750905275345,
0.08358104526996613,
0.06175561621785164,
-0.008063185960054398,
0.04931764677166939,
-0.0408167839050293,
0.028518669307231903,
0.11037471145391464,
0.054143309593200684,
0.14418163895606995,
-0.025851208716630936,
0.17737886309623718,
0.0825706422328949,
0.08855769038200378,
-0.04002237692475319,
0.04598091542720795,
0.015791630372405052,
0.06586676090955734,
-0.011215979233384132,
-0.10191935300827026,
-0.049756236374378204,
0.09658925235271454,
0.021591542288661003,
-0.06875883042812347,
0.032010115683078766,
-0.04822114109992981,
0.03695045784115791,
0.165738046169281,
-0.015848267823457718,
-0.16340437531471252,
-0.052640438079833984,
0.05712243169546127,
-0.006749054882675409,
-0.1000373587012291,
-0.041078679263591766,
0.06141496077179909,
-0.14850731194019318,
0.03033422864973545,
-0.02278711460530758,
0.0916624367237091,
-0.11239349097013474,
-0.017289448529481888,
-0.037634268403053284,
0.046981826424598694,
-0.0013528798008337617,
0.12774889171123505,
-0.13402681052684784,
0.10548737645149231,
0.011498228646814823,
0.030521541833877563,
-0.0952259749174118,
0.047499656677246094,
-0.056299638003110886,
-0.02884376049041748,
0.15808311104774475,
-0.011808556504547596,
-0.10448995232582092,
-0.05155544728040695,
-0.11469409614801407,
0.004368462134152651,
0.07687616348266602,
-0.10976408421993256,
0.09860872477293015,
0.03539013862609863,
-0.02636726200580597,
-0.021395709365606308,
-0.004799309652298689,
-0.15049263834953308,
-0.23466402292251587,
0.11407490074634552,
-0.10497476160526276,
0.05899151414632797,
-0.04295571148395538,
-0.0341697633266449,
-0.03773164376616478,
0.19484616816043854,
-0.07629314064979553,
-0.053268466144800186,
-0.1270538717508316,
0.031695373356342316,
0.18329119682312012,
-0.0540306456387043,
0.04565851390361786,
-0.056276366114616394,
0.18444931507110596,
-0.013679035007953644,
-0.048829734325408936,
-0.0055886125192046165,
-0.09635789692401886,
-0.15053600072860718,
-0.0480596125125885,
0.13427375257015228,
0.05856883153319359,
0.01940085180103779,
0.01632070541381836,
0.04113798215985298,
0.015706254169344902,
-0.08455623686313629,
0.03538515418767929,
0.09219887852668762,
0.12622930109500885,
0.02868591621518135,
-0.04575653374195099,
-0.08547523617744446,
-0.1038954108953476,
-0.08720914274454117,
0.0819719135761261,
0.13080382347106934,
-0.059670932590961456,
0.15360282361507416,
0.1602323055267334,
-0.11633935570716858,
-0.19581635296344757,
-0.04970124363899231,
0.03901343792676926,
-0.034320153295993805,
0.10518594086170197,
-0.19267314672470093,
0.06990337371826172,
0.06136172637343407,
-0.00859774462878704,
0.0873284637928009,
-0.22947990894317627,
-0.12974506616592407,
0.01507739070802927,
0.020882757380604744,
-0.23155942559242249,
-0.1799377202987671,
-0.10516352951526642,
-0.03883199393749237,
-0.18349649012088776,
0.15569788217544556,
-0.026323197409510612,
0.02590189129114151,
-0.0036531640216708183,
0.06287870556116104,
0.05111568421125412,
-0.06283121556043625,
0.13735055923461914,
0.008226722478866577,
0.004892418161034584,
-0.09855295717716217,
-0.010349277406930923,
0.03518330305814743,
-0.05387957766652107,
0.10372583568096161,
0.045637648552656174,
0.048078905791044235,
-0.08114112913608551,
-0.03775710240006447,
-0.05495375394821167,
0.06572941690683365,
-0.07716628164052963,
-0.0603572353720665,
-0.06035177782177925,
0.08131089806556702,
0.08425576984882355,
-0.018345249816775322,
0.019436348229646683,
-0.040489278733730316,
0.047496482729911804,
0.2257155179977417,
0.10830670595169067,
0.037235669791698456,
-0.1301639825105667,
-0.013051843270659447,
-0.016162317246198654,
-0.003570354776456952,
-0.13818848133087158,
0.04339466243982315,
0.0937400609254837,
0.044072225689888,
0.07945925742387772,
-0.03331197053194046,
-0.19994187355041504,
-0.010609856806695461,
0.07466253638267517,
-0.10551505535840988,
-0.20536676049232483,
0.02684974856674671,
0.12114191055297852,
-0.1479974091053009,
-0.06777992844581604,
0.09320636093616486,
0.015362567268311977,
-0.028447765856981277,
0.0007812170078977942,
0.0768914669752121,
0.044667474925518036,
0.10242089629173279,
0.00903634075075388,
0.0551140159368515,
-0.07262172549962997,
0.10715285688638687,
0.15342317521572113,
-0.13880355656147003,
0.028571397066116333,
0.06334652751684189,
-0.04778991639614105,
-0.07182232290506363,
0.022935442626476288,
0.019302720203995705,
0.013123252429068089,
-0.05308345705270767,
0.03225761651992798,
-0.004338962957262993,
0.044433217495679855,
0.0962463989853859,
-0.002663268009200692,
0.019864965230226517,
0.03778250887989998,
-0.01419746596366167,
-0.09989328682422638,
0.09504739940166473,
0.03066583164036274,
0.044827163219451904,
-0.03112497739493847,
0.011443216353654861,
0.03237905725836754,
0.004082557745277882,
0.0149992099031806,
-0.03355024755001068,
-0.04941130429506302,
-0.004782844800502062,
-0.14779800176620483,
0.026635214686393738,
-0.07146088778972626,
0.0014684624038636684,
-0.018423903733491898,
-0.01688367873430252,
-0.021590927615761757,
0.010828804224729538,
-0.05183499678969383,
-0.06892549246549606,
-0.044316090643405914,
0.12007853388786316,
-0.20199361443519592,
-0.007209476549178362,
0.0968424528837204,
-0.06339076161384583,
0.0707731544971466,
-0.002059351187199354,
-0.014245007187128067,
0.013686614111065865,
-0.07960841059684753,
-0.01300340611487627,
-0.02005196362733841,
0.04921979457139969,
0.015047816559672356,
-0.1667860746383667,
-0.01311566587537527,
0.01159733347594738,
-0.06771723181009293,
-0.010632717050611973,
0.042884111404418945,
-0.15061745047569275,
0.017827792093157768,
0.04781313240528107,
-0.047926269471645355,
-0.0396677628159523,
0.04775126650929451,
0.04421012103557587,
0.009073339402675629,
0.08758540451526642,
0.00201313104480505,
0.04929869621992111,
-0.15451431274414062,
-0.05377228558063507,
-0.005132093094289303,
0.003365957411006093,
0.026448627933859825,
0.02224816381931305,
0.03895609453320503,
-0.0008639877196401358,
0.20084325969219208,
-0.01026838831603527,
0.09959661215543747,
0.030903853476047516,
-0.002788769081234932,
-0.050452351570129395,
0.016987856477499008,
0.019130472093820572,
0.01866121031343937,
0.022107576951384544,
0.030766572803258896,
-0.02191718854010105,
-0.035462040454149246,
-0.029380831867456436,
0.06680139899253845,
0.16328461468219757,
0.16941408812999725,
-0.03629659116268158,
0.07578601688146591,
-0.16642306745052338,
-0.055669285356998444,
0.042340200394392014,
-0.032694123685359955,
0.04190317168831825,
-0.07168928533792496,
0.03387092798948288,
0.08982591331005096,
-0.10733018815517426,
0.13901931047439575,
-0.06662160158157349,
-0.04863440617918968,
-0.03407680243253708,
-0.13559311628341675,
-0.050888754427433014,
0.030546562746167183,
0.008514955639839172,
-0.10036247968673706,
0.09687168896198273,
0.11041127145290375,
-0.014960951171815395,
-0.009081844240427017,
0.1061164140701294,
-0.05398964136838913,
-0.06816724687814713,
-0.034436166286468506,
0.012025697156786919,
0.030838696286082268,
0.003139546839520335,
0.08925767987966537,
0.028693679720163345,
0.08906571567058563,
0.07082667946815491,
0.102286696434021,
0.05320555716753006,
0.022849880158901215,
-0.04348941892385483,
-0.0673127993941307,
-0.013060472905635834,
0.005632554180920124,
-0.04245731234550476,
0.2002042680978775,
0.04473554342985153,
0.016379904001951218,
0.005272325593978167,
0.19816461205482483,
0.012181015685200691,
-0.07402962446212769,
-0.12469834089279175,
0.11133556813001633,
-0.006967118475586176,
0.02773018553853035,
0.025350000709295273,
-0.13111752271652222,
0.03245144337415695,
0.16672606766223907,
0.11705373972654343,
0.033525049686431885,
0.009108481928706169,
0.03376399725675583,
0.02816358208656311,
-0.03228941559791565,
0.031324319541454315,
0.03884027153253555,
0.17978030443191528,
-0.07141890376806259,
0.06797191500663757,
-0.014261685311794281,
-0.025655776262283325,
-0.03667236492037773,
0.08993560820817947,
-0.040596768260002136,
0.02242959477007389,
-0.03995109349489212,
0.1057947650551796,
-0.03915511816740036,
-0.2870308756828308,
-0.012713508680462837,
-0.09794836491346359,
-0.1337612271308899,
-0.021341707557439804,
0.047254692763090134,
-0.031592778861522675,
0.029237743467092514,
0.035847555845975876,
-0.028918761759996414,
0.1916351020336151,
0.012391353026032448,
-0.08284718543291092,
-0.059913553297519684,
0.06584347784519196,
-0.006422095000743866,
0.2547755837440491,
-0.0033464008010923862,
0.0638987198472023,
0.09726354479789734,
-0.02556677907705307,
-0.16955095529556274,
0.017241833731532097,
0.11047384887933731,
-0.03329931199550629,
0.06386753171682358,
0.1690273880958557,
-0.03301752358675003,
0.1091199591755867,
0.053417105227708817,
-0.03137020394206047,
0.048919450491666794,
0.06086770445108414,
0.048804543912410736,
-0.09083157777786255,
0.08434085547924042,
-0.08896978944540024,
0.13985082507133484,
0.11031728982925415,
-0.029950536787509918,
-0.0011131120845675468,
-0.07887174189090729,
0.061131030321121216,
-0.017833517864346504,
0.11576686054468155,
0.0013135320041328669,
-0.15877854824066162,
0.04194130003452301,
0.030869385227560997,
0.06810617446899414,
-0.22896072268486023,
-0.07009992003440857,
0.1387794315814972,
-0.04076274484395981,
0.006479961331933737,
0.09574812650680542,
0.04401576519012451,
0.003228394780308008,
-0.060396380722522736,
-0.12415605783462524,
-0.0069619775749742985,
0.12280997633934021,
-0.09423236548900604,
-0.03246864303946495
] |
2f26c813ce505b067ebc395b9c67de15e1d18e8d |
# Dataset of hatakaze/旗風/旗风 (Azur Lane)
This is the dataset of hatakaze/旗風/旗风 (Azur Lane), containing 22 images and their tags.
The core tags of this character are `glasses, animal_ears, long_hair, yellow_eyes, round_eyewear, very_long_hair, twintails, braid, tail, breasts, fox_ears`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 22 | 34.33 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hatakaze_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 22 | 18.70 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hatakaze_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 58 | 41.24 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hatakaze_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 22 | 30.29 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hatakaze_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 58 | 59.70 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hatakaze_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/hatakaze_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 22 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, looking_at_viewer, wide_sleeves, black_kimono, leaf, long_sleeves, hakama_short_skirt, holding, pleated_skirt, sleeves_past_wrists |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | looking_at_viewer | wide_sleeves | black_kimono | leaf | long_sleeves | hakama_short_skirt | holding | pleated_skirt | sleeves_past_wrists |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:--------------------|:---------------|:---------------|:-------|:---------------|:---------------------|:----------|:----------------|:----------------------|
| 0 | 22 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/hatakaze_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T07:52:04+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T07:57:54+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of hatakaze/旗風/旗风 (Azur Lane)
=====================================
This is the dataset of hatakaze/旗風/旗风 (Azur Lane), containing 22 images and their tags.
The core tags of this character are 'glasses, animal\_ears, long\_hair, yellow\_eyes, round\_eyewear, very\_long\_hair, twintails, braid, tail, breasts, fox\_ears', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
bd14b91f1fd569fdd75488533afc9b4e52f4df3c |
# Dataset of wichita/ウィチタ/威奇塔 (Azur Lane)
This is the dataset of wichita/ウィチタ/威奇塔 (Azur Lane), containing 25 images and their tags.
The core tags of this character are `breasts, long_hair, red_hair, red_eyes, large_breasts, bangs, ponytail, hair_between_eyes, ahoge, ribbon`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 25 | 32.60 MiB | [Download](https://huggingface.co/datasets/CyberHarem/wichita_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 25 | 18.55 MiB | [Download](https://huggingface.co/datasets/CyberHarem/wichita_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 59 | 37.55 MiB | [Download](https://huggingface.co/datasets/CyberHarem/wichita_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 25 | 28.78 MiB | [Download](https://huggingface.co/datasets/CyberHarem/wichita_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 59 | 51.88 MiB | [Download](https://huggingface.co/datasets/CyberHarem/wichita_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/wichita_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, black_gloves, cleavage, white_shirt, belt, black_pants, looking_at_viewer, red_rose, black_choker, black_jacket, earrings, solo, collared_shirt, formal, holding_cup, navel, black_footwear, blue_jacket, cannon, crossed_arms, full_body, grin, high_heels, indoors, night, official_alternate_costume, open_clothes, partially_unbuttoned, standing, wine_glass |
| 1 | 11 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, cleavage, jacket_on_shoulders, navel, solo, thighhighs, white_gloves, collarbone, epaulettes, garter_straps, hair_ribbon, looking_at_viewer, midriff, simple_background, miniskirt, open_mouth, black_bra, holding, medium_breasts, military_uniform, stomach, very_long_hair, white_background, white_jacket, white_skirt, :d, armpits, blush, bow, bra_peek |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | black_gloves | cleavage | white_shirt | belt | black_pants | looking_at_viewer | red_rose | black_choker | black_jacket | earrings | solo | collared_shirt | formal | holding_cup | navel | black_footwear | blue_jacket | cannon | crossed_arms | full_body | grin | high_heels | indoors | night | official_alternate_costume | open_clothes | partially_unbuttoned | standing | wine_glass | jacket_on_shoulders | thighhighs | white_gloves | collarbone | epaulettes | garter_straps | hair_ribbon | midriff | simple_background | miniskirt | open_mouth | black_bra | holding | medium_breasts | military_uniform | stomach | very_long_hair | white_background | white_jacket | white_skirt | :d | armpits | blush | bow | bra_peek |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:---------------|:-----------|:--------------|:-------|:--------------|:--------------------|:-----------|:---------------|:---------------|:-----------|:-------|:-----------------|:---------|:--------------|:--------|:-----------------|:--------------|:---------|:---------------|:------------|:-------|:-------------|:----------|:--------|:-----------------------------|:---------------|:-----------------------|:-----------|:-------------|:----------------------|:-------------|:---------------|:-------------|:-------------|:----------------|:--------------|:----------|:--------------------|:------------|:-------------|:------------|:----------|:-----------------|:-------------------|:----------|:-----------------|:-------------------|:---------------|:--------------|:-----|:----------|:--------|:------|:-----------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | | | | | |
| 1 | 11 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | | X | | | | X | | | | | X | | | | X | | | | | | | | | | | | | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/wichita_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T07:52:10+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T07:59:08+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of wichita/ウィチタ/威奇塔 (Azur Lane)
=======================================
This is the dataset of wichita/ウィチタ/威奇塔 (Azur Lane), containing 25 images and their tags.
The core tags of this character are 'breasts, long\_hair, red\_hair, red\_eyes, large\_breasts, bangs, ponytail, hair\_between\_eyes, ahoge, ribbon', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
354ef33e9d68dda66f126443fbee07aee6957944 |
# Dataset of l_indomptable/ランドンターブル/不屈 (Azur Lane)
This is the dataset of l_indomptable/ランドンターブル/不屈 (Azur Lane), containing 24 images and their tags.
The core tags of this character are `blue_eyes, long_hair, multicolored_hair, white_hair, breasts, hair_bun, very_long_hair, black_hair, double_bun, bangs, hair_between_eyes, small_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 24 | 50.95 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_indomptable_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 24 | 23.77 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_indomptable_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 60 | 51.16 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_indomptable_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 24 | 43.28 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_indomptable_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 60 | 82.64 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_indomptable_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/l_indomptable_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, looking_at_viewer, blush, open_mouth, simple_background, white_background, white_dress, white_pantyhose, gradient_hair, twintails |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, navel, blush, looking_at_viewer, solo, nipples, pussy, barefoot, on_back, spread_legs, underwear |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | looking_at_viewer | blush | open_mouth | simple_background | white_background | white_dress | white_pantyhose | gradient_hair | twintails | navel | nipples | pussy | barefoot | on_back | spread_legs | underwear |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:--------------------|:--------|:-------------|:--------------------|:-------------------|:--------------|:------------------|:----------------|:------------|:--------|:----------|:--------|:-----------|:----------|:--------------|:------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | | | | | | | |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | X | | | | | | | | X | X | X | X | X | X | X |
| CyberHarem/l_indomptable_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T08:05:29+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T08:13:43+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of l\_indomptable/ランドンターブル/不屈 (Azur Lane)
=================================================
This is the dataset of l\_indomptable/ランドンターブル/不屈 (Azur Lane), containing 24 images and their tags.
The core tags of this character are 'blue\_eyes, long\_hair, multicolored\_hair, white\_hair, breasts, hair\_bun, very\_long\_hair, black\_hair, double\_bun, bangs, hair\_between\_eyes, small\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
98d15ce0fe02ad779bd2a04467c9caaf89fc6b72 |
# Dataset of jersey/ジャージー/泽西 (Azur Lane)
This is the dataset of jersey/ジャージー/泽西 (Azur Lane), containing 13 images and their tags.
The core tags of this character are `long_hair, red_hair, twintails, bangs, breasts, low_twintails, very_long_hair, yellow_eyes, ahoge, antenna_hair, bow, brown_eyes, crown, hair_ornament, small_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 13 | 21.90 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jersey_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 13 | 11.55 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jersey_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 36 | 27.11 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jersey_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 13 | 18.55 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jersey_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 36 | 39.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jersey_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/jersey_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, blush, solo, looking_at_viewer, open_mouth, detached_sleeves, bare_shoulders, dress, sleeveless |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | blush | solo | looking_at_viewer | open_mouth | detached_sleeves | bare_shoulders | dress | sleeveless |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------|:-------|:--------------------|:-------------|:-------------------|:-----------------|:--------|:-------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X |
| CyberHarem/jersey_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T08:32:24+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T08:37:25+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of jersey/ジャージー/泽西 (Azur Lane)
======================================
This is the dataset of jersey/ジャージー/泽西 (Azur Lane), containing 13 images and their tags.
The core tags of this character are 'long\_hair, red\_hair, twintails, bangs, breasts, low\_twintails, very\_long\_hair, yellow\_eyes, ahoge, antenna\_hair, bow, brown\_eyes, crown, hair\_ornament, small\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
fc5bb41d385306a5931727202251189e5ebb25a2 |
# Dataset of u_96/U-96 (Azur Lane)
This is the dataset of u_96/U-96 (Azur Lane), containing 14 images and their tags.
The core tags of this character are `breasts, yellow_eyes, bangs, small_breasts, twintails, goggles_on_head, white_hair, long_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:---------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 14 | 18.35 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_96_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 14 | 10.93 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_96_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 32 | 24.05 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_96_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 14 | 15.98 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_96_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 32 | 31.83 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_96_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/u_96_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, looking_at_viewer, goggles, open_mouth, smile, open_jacket, white_one-piece_swimsuit, blue_jacket, yellow_gloves, bubble, holding, hood_down |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | looking_at_viewer | goggles | open_mouth | smile | open_jacket | white_one-piece_swimsuit | blue_jacket | yellow_gloves | bubble | holding | hood_down |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:--------------------|:----------|:-------------|:--------|:--------------|:---------------------------|:--------------|:----------------|:---------|:----------|:------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/u_96_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T08:32:43+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T08:36:38+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of u\_96/U-96 (Azur Lane)
=================================
This is the dataset of u\_96/U-96 (Azur Lane), containing 14 images and their tags.
The core tags of this character are 'breasts, yellow\_eyes, bangs, small\_breasts, twintails, goggles\_on\_head, white\_hair, long\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
27c4b579fe83512fad94577b5297bb5b39ce0b3c |
# Dataset of sao_martinho/サン・マルチーニョ/圣马丁号 (Azur Lane)
This is the dataset of sao_martinho/サン・マルチーニョ/圣马丁号 (Azur Lane), containing 14 images and their tags.
The core tags of this character are `breasts, large_breasts, long_hair, red_eyes, white_hair, very_long_hair, bangs, dark-skinned_female, dark_skin, wings`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 14 | 30.04 MiB | [Download](https://huggingface.co/datasets/CyberHarem/sao_martinho_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 14 | 14.33 MiB | [Download](https://huggingface.co/datasets/CyberHarem/sao_martinho_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 35 | 30.21 MiB | [Download](https://huggingface.co/datasets/CyberHarem/sao_martinho_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 14 | 25.31 MiB | [Download](https://huggingface.co/datasets/CyberHarem/sao_martinho_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 35 | 47.09 MiB | [Download](https://huggingface.co/datasets/CyberHarem/sao_martinho_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/sao_martinho_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, bare_shoulders, center_opening, blush, navel, white_dress, cleavage, smile, breast_curtains |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | bare_shoulders | center_opening | blush | navel | white_dress | cleavage | smile | breast_curtains |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:-----------------|:-----------------|:--------|:--------|:--------------|:-----------|:--------|:------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/sao_martinho_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T08:32:58+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T08:36:44+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of sao\_martinho/サン・マルチーニョ/圣马丁号 (Azur Lane)
===================================================
This is the dataset of sao\_martinho/サン・マルチーニョ/圣马丁号 (Azur Lane), containing 14 images and their tags.
The core tags of this character are 'breasts, large\_breasts, long\_hair, red\_eyes, white\_hair, very\_long\_hair, bangs, dark-skinned\_female, dark\_skin, wings', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
c8613764eb1916b488c85672a645cf50c01e7f90 |
# Dataset of kersaint/ケルサン/凯尔圣 (Azur Lane)
This is the dataset of kersaint/ケルサン/凯尔圣 (Azur Lane), containing 30 images and their tags.
The core tags of this character are `breasts, long_hair, red_eyes, bangs, blonde_hair, large_breasts, very_long_hair, twintails`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:-----------|:-------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 30 | 66.47 MiB | [Download](https://huggingface.co/datasets/CyberHarem/kersaint_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 30 | 29.28 MiB | [Download](https://huggingface.co/datasets/CyberHarem/kersaint_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 80 | 64.18 MiB | [Download](https://huggingface.co/datasets/CyberHarem/kersaint_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 30 | 54.31 MiB | [Download](https://huggingface.co/datasets/CyberHarem/kersaint_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 80 | 106.49 MiB | [Download](https://huggingface.co/datasets/CyberHarem/kersaint_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/kersaint_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | cleavage, looking_at_viewer, 1girl, pantyhose, solo, veil, white_dress, long_sleeves, simple_background, white_background, blush, closed_mouth, covered_navel, hair_between_eyes, pelvic_curtain, clothing_cutout, black_footwear, bodystocking, detached_sleeves, high_heels, thigh_strap |
| 1 | 10 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, cleavage, blush, midriff, navel, visor_cap, black_jacket, solo, sweat, looking_at_viewer, open_jacket, white_sports_bra, tight_pants, water_bottle, armpits, collarbone, holding_bottle, open_mouth, sunglasses, white_pants, bare_shoulders, black_footwear, long_sleeves, parted_lips, sneakers, stomach, yoga_pants |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | cleavage | looking_at_viewer | 1girl | pantyhose | solo | veil | white_dress | long_sleeves | simple_background | white_background | blush | closed_mouth | covered_navel | hair_between_eyes | pelvic_curtain | clothing_cutout | black_footwear | bodystocking | detached_sleeves | high_heels | thigh_strap | midriff | navel | visor_cap | black_jacket | sweat | open_jacket | white_sports_bra | tight_pants | water_bottle | armpits | collarbone | holding_bottle | open_mouth | sunglasses | white_pants | bare_shoulders | parted_lips | sneakers | stomach | yoga_pants |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------|:--------------------|:--------|:------------|:-------|:-------|:--------------|:---------------|:--------------------|:-------------------|:--------|:---------------|:----------------|:--------------------|:-----------------|:------------------|:-----------------|:---------------|:-------------------|:-------------|:--------------|:----------|:--------|:------------|:---------------|:--------|:--------------|:-------------------|:--------------|:---------------|:----------|:-------------|:-----------------|:-------------|:-------------|:--------------|:-----------------|:--------------|:-----------|:----------|:-------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | |
| 1 | 10 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | | X | | | X | | | X | | | | | | X | | | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/kersaint_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T08:50:25+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T08:59:06+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of kersaint/ケルサン/凯尔圣 (Azur Lane)
========================================
This is the dataset of kersaint/ケルサン/凯尔圣 (Azur Lane), containing 30 images and their tags.
The core tags of this character are 'breasts, long\_hair, red\_eyes, bangs, blonde\_hair, large\_breasts, very\_long\_hair, twintails', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
920515c73ef9730cf0f10d41eed4dab0bc52ade2 |
# Dataset of abukuma/阿武隈/阿武隈 (Azur Lane)
This is the dataset of abukuma/阿武隈/阿武隈 (Azur Lane), containing 16 images and their tags.
The core tags of this character are `bangs, black_hair, hair_ornament, horns, red_eyes, ahoge, hairclip, pointy_ears, breasts, earrings, facial_mark, fang, hair_between_eyes, short_hair, large_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 16 | 14.41 MiB | [Download](https://huggingface.co/datasets/CyberHarem/abukuma_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 16 | 12.17 MiB | [Download](https://huggingface.co/datasets/CyberHarem/abukuma_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 39 | 24.66 MiB | [Download](https://huggingface.co/datasets/CyberHarem/abukuma_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 16 | 13.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/abukuma_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 39 | 27.10 MiB | [Download](https://huggingface.co/datasets/CyberHarem/abukuma_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/abukuma_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, bare_shoulders, jewelry, looking_at_viewer, sideboob, smile, thighhighs, bell, closed_mouth, cloud, detached_sleeves, medium_breasts, open_mouth, outdoors, shirt, shorts, sky |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | bare_shoulders | jewelry | looking_at_viewer | sideboob | smile | thighhighs | bell | closed_mouth | cloud | detached_sleeves | medium_breasts | open_mouth | outdoors | shirt | shorts | sky |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:-----------------|:----------|:--------------------|:-----------|:--------|:-------------|:-------|:---------------|:--------|:-------------------|:-----------------|:-------------|:-----------|:--------|:---------|:------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/abukuma_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T08:50:31+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T08:55:09+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of abukuma/阿武隈/阿武隈 (Azur Lane)
======================================
This is the dataset of abukuma/阿武隈/阿武隈 (Azur Lane), containing 16 images and their tags.
The core tags of this character are 'bangs, black\_hair, hair\_ornament, horns, red\_eyes, ahoge, hairclip, pointy\_ears, breasts, earrings, facial\_mark, fang, hair\_between\_eyes, short\_hair, large\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
2fa5d26bd06febe33738c11a868845e23a76c84b |
# Dataset of hardy/ハーディ/勇敢 (Azur Lane)
This is the dataset of hardy/ハーディ/勇敢 (Azur Lane), containing 22 images and their tags.
The core tags of this character are `blonde_hair, hat, blue_eyes, short_hair, ribbon, bangs, braid, hair_bun`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 22 | 27.64 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hardy_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 22 | 16.02 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hardy_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 54 | 35.57 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hardy_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 22 | 24.96 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hardy_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 54 | 48.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hardy_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/hardy_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | white_gloves, 1girl, cape, solo, rapier, epaulettes, looking_at_viewer, holding_sword, simple_background, boots, uniform, white_background, full_body, open_mouth, pleated_skirt, saber_(weapon), smile, torpedo_tubes, white_skirt |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | white_gloves | 1girl | cape | solo | rapier | epaulettes | looking_at_viewer | holding_sword | simple_background | boots | uniform | white_background | full_body | open_mouth | pleated_skirt | saber_(weapon) | smile | torpedo_tubes | white_skirt |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------|:--------|:-------|:-------|:---------|:-------------|:--------------------|:----------------|:--------------------|:--------|:----------|:-------------------|:------------|:-------------|:----------------|:-----------------|:--------|:----------------|:--------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/hardy_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:09:59+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:15:16+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of hardy/ハーディ/勇敢 (Azur Lane)
====================================
This is the dataset of hardy/ハーディ/勇敢 (Azur Lane), containing 22 images and their tags.
The core tags of this character are 'blonde\_hair, hat, blue\_eyes, short\_hair, ribbon, bangs, braid, hair\_bun', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
335bf8652c986eee9544305c41a19718194c4530 |
# Dataset of archerfish/アーチャーフィッシュ/射水鱼 (Azur Lane)
This is the dataset of archerfish/アーチャーフィッシュ/射水鱼 (Azur Lane), containing 14 images and their tags.
The core tags of this character are `breasts, hair_ornament, long_hair, purple_eyes, blonde_hair, star_hair_ornament, bangs, tail, one_side_up, small_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:---------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 14 | 17.21 MiB | [Download](https://huggingface.co/datasets/CyberHarem/archerfish_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 14 | 10.96 MiB | [Download](https://huggingface.co/datasets/CyberHarem/archerfish_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 35 | 20.67 MiB | [Download](https://huggingface.co/datasets/CyberHarem/archerfish_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 14 | 15.57 MiB | [Download](https://huggingface.co/datasets/CyberHarem/archerfish_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 35 | 27.01 MiB | [Download](https://huggingface.co/datasets/CyberHarem/archerfish_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/archerfish_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, smile, 1girl, blush, star_(symbol), solo, sitting, skirt, thigh_strap, tanlines, ass, cleavage, looking_back, open_mouth, simple_background, tongue_out |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | smile | 1girl | blush | star_(symbol) | solo | sitting | skirt | thigh_strap | tanlines | ass | cleavage | looking_back | open_mouth | simple_background | tongue_out |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:--------|:--------|:--------|:----------------|:-------|:----------|:--------|:--------------|:-----------|:------|:-----------|:---------------|:-------------|:--------------------|:-------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/archerfish_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:10:01+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:14:35+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of archerfish/アーチャーフィッシュ/射水鱼 (Azur Lane)
================================================
This is the dataset of archerfish/アーチャーフィッシュ/射水鱼 (Azur Lane), containing 14 images and their tags.
The core tags of this character are 'breasts, hair\_ornament, long\_hair, purple\_eyes, blonde\_hair, star\_hair\_ornament, bangs, tail, one\_side\_up, small\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
5a2ef97dcafcd2b4a2399bf4d947e67daa2e3c7a |
# Dataset of curacoa/キュラソー/库拉索 (Azur Lane)
This is the dataset of curacoa/キュラソー/库拉索 (Azur Lane), containing 17 images and their tags.
The core tags of this character are `long_hair, breasts, maid_headdress, bangs, blue_eyes, large_breasts, brown_hair, hair_between_eyes`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 17 | 28.77 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curacoa_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 17 | 15.61 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curacoa_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 39 | 31.32 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curacoa_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 17 | 24.73 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curacoa_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 39 | 45.64 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curacoa_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/curacoa_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 17 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, smile, 1girl, dress, solo, frills, blush, juliet_sleeves, red_necktie, maid_apron, simple_background, white_apron, open_mouth, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | smile | 1girl | dress | solo | frills | blush | juliet_sleeves | red_necktie | maid_apron | simple_background | white_apron | open_mouth | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:--------|:--------|:--------|:-------|:---------|:--------|:-----------------|:--------------|:-------------|:--------------------|:--------------|:-------------|:-------------------|
| 0 | 17 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/curacoa_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:10:23+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:16:54+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of curacoa/キュラソー/库拉索 (Azur Lane)
========================================
This is the dataset of curacoa/キュラソー/库拉索 (Azur Lane), containing 17 images and their tags.
The core tags of this character are 'long\_hair, breasts, maid\_headdress, bangs, blue\_eyes, large\_breasts, brown\_hair, hair\_between\_eyes', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
32ba79ccef5ffbd4eac5c7302077a62f5e030638 |
# DPO Pairs
This is a preprocessed version of [mlabonne/chatml_dpo_pairs](https://huggingface.co/datasets/mlabonne/chatml_dpo_pairs) using [Bunkatopics](https://github.com/charlesdedampierre/BunkaTopics) to extract meaningful Topics that help models converge with less data.
The objective was to create a smaller dataset than the original but buy keeping its efficiecency.To achieve this, we compared the two datasets used to train the reward model in [mlabonne/chatml_dpo_pairs](https://huggingface.co/datasets/mlabonne/chatml_dpo_pairs): the rejected Llama answers and the accepted ChatGPT answers from the DPO dataset.
We then conducted topic modeling on both datasets, keeping only the topics that existed in the accepted dataset but not in the rejected one. Our hypothesis is that these topics encapsulate the main differences between the two answering styles.
This method allows for quicker convergence with significantly less data (around 1/6 of the initial dataset).
See the page of the model test [here](https://huggingface.co/charlesdedampierre/TopicNeuralHermes-2.5-Mistral-7B)
# Topic Analysis
We applied the topic modeling method to both datasets, extracting 30 topics from each. These topics were characterized using the 10 most specific unigrams or bigrams. We then compared the two sets of topics (30 from each dataset) and retained those in the accepted dataset that shared fewer than 2 terms with any topic in the rejected dataset
We found the 13 distincitve following topics described by 10 terms each:
**Emotional Dynamics**: feelings, Quinn, Austin, minority women, teaching, schools, individual, personality, backgrounds, triggers.
**Global Knowledge Queries**: question, information, geography, news articles, Step, answer, capital city, pipeline system, country, analogy.
**Digital Interactions and Queries**: questions, question, PersonX, modem, answers, effect relationship, Quora, browser, answer, e-commerce.
**Business and Cybersecurity**: email, businesses, initiatives, innovation, advertising papers, spam, breaches, antivirus, payments, prospects.
**Lifestyle and Wellness**: sleep, exercise, gifts, shopping, Casey, stores, stress, headaches, options, mood.
**Wildlife Ecology**: birds, prey, animals, species, infection, nest, eggs, bacteria, insects, kitty condo.
**Environmental Science and Climate**: temperature, gases, greenhouse, emissions, perturbation, sulfur, dioxide, climate change, water, heat.
**Maritime and Mechanical Engineering**: ship, bowling, propulsion, beam width, Filing cabinet, LED, lane, containment area, lawnmower, rotors.
**Cultural and Social Dynamics**: Lindsey, museum, Kate, Rachel, Jason, Alex, Erin, conversation, Laura, exhibits.
**Political Media Analysis**: media platforms, election, politics, teenagers, elections, White House, Barack Obama, nation, Confederate, depression.
**International Relations and Policy**: cooperation, EU, nations, alliance, NATO, European Union, member states, policy, monarch, Brexit.
**Astrophysics and Physical Sciences**: electrons, km, Moon, acceleration, orbit, friction, current, asteroid, electron, collector emitter.
**Film Critique and Analysis**: movie review, film, reviewer, sentiment, critic, flaws, DVD, plot, opinion, originality.
While those topics are not domain-specific, they did not appear right away in the rejected dataset. Further research need to undersand the reason behind the prominence of those topics in the accepted dataset.
# Load Dataset
```python
dataset = load_dataset("bunkalab/topic_based_chatml_dpo_pairs")['train']
``` | bunkalab/topic_based_chatml_dpo_pairs | [
"language:en",
"license:apache-2.0",
"region:us"
] | 2024-01-14T09:27:59+00:00 | {"language": ["en"], "license": "apache-2.0"} | 2024-01-14T15:26:46+00:00 | [] | [
"en"
] | TAGS
#language-English #license-apache-2.0 #region-us
|
# DPO Pairs
This is a preprocessed version of mlabonne/chatml_dpo_pairs using Bunkatopics to extract meaningful Topics that help models converge with less data.
The objective was to create a smaller dataset than the original but buy keeping its efficiecency.To achieve this, we compared the two datasets used to train the reward model in mlabonne/chatml_dpo_pairs: the rejected Llama answers and the accepted ChatGPT answers from the DPO dataset.
We then conducted topic modeling on both datasets, keeping only the topics that existed in the accepted dataset but not in the rejected one. Our hypothesis is that these topics encapsulate the main differences between the two answering styles.
This method allows for quicker convergence with significantly less data (around 1/6 of the initial dataset).
See the page of the model test here
# Topic Analysis
We applied the topic modeling method to both datasets, extracting 30 topics from each. These topics were characterized using the 10 most specific unigrams or bigrams. We then compared the two sets of topics (30 from each dataset) and retained those in the accepted dataset that shared fewer than 2 terms with any topic in the rejected dataset
We found the 13 distincitve following topics described by 10 terms each:
Emotional Dynamics: feelings, Quinn, Austin, minority women, teaching, schools, individual, personality, backgrounds, triggers.
Global Knowledge Queries: question, information, geography, news articles, Step, answer, capital city, pipeline system, country, analogy.
Digital Interactions and Queries: questions, question, PersonX, modem, answers, effect relationship, Quora, browser, answer, e-commerce.
Business and Cybersecurity: email, businesses, initiatives, innovation, advertising papers, spam, breaches, antivirus, payments, prospects.
Lifestyle and Wellness: sleep, exercise, gifts, shopping, Casey, stores, stress, headaches, options, mood.
Wildlife Ecology: birds, prey, animals, species, infection, nest, eggs, bacteria, insects, kitty condo.
Environmental Science and Climate: temperature, gases, greenhouse, emissions, perturbation, sulfur, dioxide, climate change, water, heat.
Maritime and Mechanical Engineering: ship, bowling, propulsion, beam width, Filing cabinet, LED, lane, containment area, lawnmower, rotors.
Cultural and Social Dynamics: Lindsey, museum, Kate, Rachel, Jason, Alex, Erin, conversation, Laura, exhibits.
Political Media Analysis: media platforms, election, politics, teenagers, elections, White House, Barack Obama, nation, Confederate, depression.
International Relations and Policy: cooperation, EU, nations, alliance, NATO, European Union, member states, policy, monarch, Brexit.
Astrophysics and Physical Sciences: electrons, km, Moon, acceleration, orbit, friction, current, asteroid, electron, collector emitter.
Film Critique and Analysis: movie review, film, reviewer, sentiment, critic, flaws, DVD, plot, opinion, originality.
While those topics are not domain-specific, they did not appear right away in the rejected dataset. Further research need to undersand the reason behind the prominence of those topics in the accepted dataset.
# Load Dataset
| [
"# DPO Pairs\n\nThis is a preprocessed version of mlabonne/chatml_dpo_pairs using Bunkatopics to extract meaningful Topics that help models converge with less data.\n\nThe objective was to create a smaller dataset than the original but buy keeping its efficiecency.To achieve this, we compared the two datasets used to train the reward model in mlabonne/chatml_dpo_pairs: the rejected Llama answers and the accepted ChatGPT answers from the DPO dataset. \nWe then conducted topic modeling on both datasets, keeping only the topics that existed in the accepted dataset but not in the rejected one. Our hypothesis is that these topics encapsulate the main differences between the two answering styles.\n\nThis method allows for quicker convergence with significantly less data (around 1/6 of the initial dataset).\n\nSee the page of the model test here",
"# Topic Analysis\n\nWe applied the topic modeling method to both datasets, extracting 30 topics from each. These topics were characterized using the 10 most specific unigrams or bigrams. We then compared the two sets of topics (30 from each dataset) and retained those in the accepted dataset that shared fewer than 2 terms with any topic in the rejected dataset\n\nWe found the 13 distincitve following topics described by 10 terms each:\n\n\nEmotional Dynamics: feelings, Quinn, Austin, minority women, teaching, schools, individual, personality, backgrounds, triggers.\n\nGlobal Knowledge Queries: question, information, geography, news articles, Step, answer, capital city, pipeline system, country, analogy.\n\nDigital Interactions and Queries: questions, question, PersonX, modem, answers, effect relationship, Quora, browser, answer, e-commerce.\n\nBusiness and Cybersecurity: email, businesses, initiatives, innovation, advertising papers, spam, breaches, antivirus, payments, prospects.\n\nLifestyle and Wellness: sleep, exercise, gifts, shopping, Casey, stores, stress, headaches, options, mood.\n\nWildlife Ecology: birds, prey, animals, species, infection, nest, eggs, bacteria, insects, kitty condo.\n\nEnvironmental Science and Climate: temperature, gases, greenhouse, emissions, perturbation, sulfur, dioxide, climate change, water, heat.\n\nMaritime and Mechanical Engineering: ship, bowling, propulsion, beam width, Filing cabinet, LED, lane, containment area, lawnmower, rotors.\n\nCultural and Social Dynamics: Lindsey, museum, Kate, Rachel, Jason, Alex, Erin, conversation, Laura, exhibits.\n\nPolitical Media Analysis: media platforms, election, politics, teenagers, elections, White House, Barack Obama, nation, Confederate, depression.\n\nInternational Relations and Policy: cooperation, EU, nations, alliance, NATO, European Union, member states, policy, monarch, Brexit.\n\nAstrophysics and Physical Sciences: electrons, km, Moon, acceleration, orbit, friction, current, asteroid, electron, collector emitter.\n\nFilm Critique and Analysis: movie review, film, reviewer, sentiment, critic, flaws, DVD, plot, opinion, originality.\n\nWhile those topics are not domain-specific, they did not appear right away in the rejected dataset. Further research need to undersand the reason behind the prominence of those topics in the accepted dataset.",
"# Load Dataset"
] | [
"TAGS\n#language-English #license-apache-2.0 #region-us \n",
"# DPO Pairs\n\nThis is a preprocessed version of mlabonne/chatml_dpo_pairs using Bunkatopics to extract meaningful Topics that help models converge with less data.\n\nThe objective was to create a smaller dataset than the original but buy keeping its efficiecency.To achieve this, we compared the two datasets used to train the reward model in mlabonne/chatml_dpo_pairs: the rejected Llama answers and the accepted ChatGPT answers from the DPO dataset. \nWe then conducted topic modeling on both datasets, keeping only the topics that existed in the accepted dataset but not in the rejected one. Our hypothesis is that these topics encapsulate the main differences between the two answering styles.\n\nThis method allows for quicker convergence with significantly less data (around 1/6 of the initial dataset).\n\nSee the page of the model test here",
"# Topic Analysis\n\nWe applied the topic modeling method to both datasets, extracting 30 topics from each. These topics were characterized using the 10 most specific unigrams or bigrams. We then compared the two sets of topics (30 from each dataset) and retained those in the accepted dataset that shared fewer than 2 terms with any topic in the rejected dataset\n\nWe found the 13 distincitve following topics described by 10 terms each:\n\n\nEmotional Dynamics: feelings, Quinn, Austin, minority women, teaching, schools, individual, personality, backgrounds, triggers.\n\nGlobal Knowledge Queries: question, information, geography, news articles, Step, answer, capital city, pipeline system, country, analogy.\n\nDigital Interactions and Queries: questions, question, PersonX, modem, answers, effect relationship, Quora, browser, answer, e-commerce.\n\nBusiness and Cybersecurity: email, businesses, initiatives, innovation, advertising papers, spam, breaches, antivirus, payments, prospects.\n\nLifestyle and Wellness: sleep, exercise, gifts, shopping, Casey, stores, stress, headaches, options, mood.\n\nWildlife Ecology: birds, prey, animals, species, infection, nest, eggs, bacteria, insects, kitty condo.\n\nEnvironmental Science and Climate: temperature, gases, greenhouse, emissions, perturbation, sulfur, dioxide, climate change, water, heat.\n\nMaritime and Mechanical Engineering: ship, bowling, propulsion, beam width, Filing cabinet, LED, lane, containment area, lawnmower, rotors.\n\nCultural and Social Dynamics: Lindsey, museum, Kate, Rachel, Jason, Alex, Erin, conversation, Laura, exhibits.\n\nPolitical Media Analysis: media platforms, election, politics, teenagers, elections, White House, Barack Obama, nation, Confederate, depression.\n\nInternational Relations and Policy: cooperation, EU, nations, alliance, NATO, European Union, member states, policy, monarch, Brexit.\n\nAstrophysics and Physical Sciences: electrons, km, Moon, acceleration, orbit, friction, current, asteroid, electron, collector emitter.\n\nFilm Critique and Analysis: movie review, film, reviewer, sentiment, critic, flaws, DVD, plot, opinion, originality.\n\nWhile those topics are not domain-specific, they did not appear right away in the rejected dataset. Further research need to undersand the reason behind the prominence of those topics in the accepted dataset.",
"# Load Dataset"
] | [
18,
212,
578,
5
] | [
"passage: TAGS\n#language-English #license-apache-2.0 #region-us \n# DPO Pairs\n\nThis is a preprocessed version of mlabonne/chatml_dpo_pairs using Bunkatopics to extract meaningful Topics that help models converge with less data.\n\nThe objective was to create a smaller dataset than the original but buy keeping its efficiecency.To achieve this, we compared the two datasets used to train the reward model in mlabonne/chatml_dpo_pairs: the rejected Llama answers and the accepted ChatGPT answers from the DPO dataset. \nWe then conducted topic modeling on both datasets, keeping only the topics that existed in the accepted dataset but not in the rejected one. Our hypothesis is that these topics encapsulate the main differences between the two answering styles.\n\nThis method allows for quicker convergence with significantly less data (around 1/6 of the initial dataset).\n\nSee the page of the model test here"
] | [
-0.08176945894956589,
0.041680365800857544,
-0.003353303298354149,
0.03460590913891792,
0.0019409286323934793,
0.010639159008860588,
0.14377358555793762,
0.08794675022363663,
0.018041521310806274,
-0.04385358467698097,
0.020945390686392784,
0.052613016217947006,
0.07859943062067032,
0.09180695563554764,
-0.015599087812006474,
-0.28307586908340454,
0.062351252883672714,
0.01845906861126423,
-0.10150160640478134,
0.0493345633149147,
0.2217862606048584,
-0.01702270656824112,
0.03870373219251633,
0.08130144327878952,
-0.00043177808402106166,
0.00938150193542242,
-0.09609390050172806,
-0.004392257891595364,
0.05166232958436012,
-0.019926175475120544,
0.10092592984437943,
0.08010805398225784,
0.04686849191784859,
-0.17874538898468018,
0.03189380466938019,
-0.009386169724166393,
0.11203233152627945,
-0.0018719269428402185,
0.09346847981214523,
0.04030877351760864,
0.057460617274045944,
0.014896063134074211,
0.08450321108102798,
-0.002393498318269849,
-0.040765151381492615,
-0.12461850792169571,
-0.10655957460403442,
-0.052791934460401535,
0.08450814336538315,
0.09785835444927216,
-0.020911598578095436,
0.13411064445972443,
-0.07938563823699951,
0.011111358180642128,
0.03602568060159683,
-0.2535014748573303,
-0.020551327615976334,
0.260890394449234,
0.03313574194908142,
0.021601766347885132,
0.03257734328508377,
0.010516303591430187,
0.016601381823420525,
0.007012321613729,
-0.15074501931667328,
-0.027869395911693573,
0.00022695639927405864,
-0.04990879446268082,
-0.15754376351833344,
-0.04395855963230133,
0.3406694531440735,
0.05410822108387947,
-0.04569490626454353,
-0.12082239240407944,
-0.03240766003727913,
0.09072519838809967,
0.024604637175798416,
-0.11812048405408859,
0.0694022998213768,
0.07125846296548843,
0.10647568106651306,
-0.05687829852104187,
-0.08030617237091064,
-0.03479473665356636,
-0.16937041282653809,
0.017015555873513222,
0.02944284677505493,
0.047181881964206696,
-0.11535857617855072,
0.09793657064437866,
-0.08751443773508072,
-0.11104327440261841,
-0.06996286660432816,
-0.12051178514957428,
0.007006748579442501,
-0.04621253162622452,
-0.1030518114566803,
-0.15888822078704834,
0.12314718216657639,
0.07511422783136368,
-0.04664069041609764,
-0.021046634763479233,
-0.04999405890703201,
0.005996979773044586,
0.15158258378505707,
0.1613629013299942,
-0.06245426461100578,
0.029300415888428688,
0.037456292659044266,
-0.011612772941589355,
0.01179395243525505,
0.02973771281540394,
-0.0802106261253357,
-0.0075421701185405254,
-0.026525208726525307,
0.06791999191045761,
0.023744653910398483,
0.014039874076843262,
-0.03893839567899704,
-0.10839173197746277,
0.0027308317366987467,
-0.13982713222503662,
-0.06988918781280518,
-0.02361149527132511,
-0.06797734647989273,
0.09351998567581177,
-0.02842986397445202,
0.11982615292072296,
-0.02342405915260315,
-0.037824682891368866,
-0.0008353066514246166,
-0.034190721809864044,
-0.07330366224050522,
-0.0736917182803154,
0.01927919313311577,
0.02178441546857357,
0.051418595016002655,
-0.08199520409107208,
-0.18871740996837616,
-0.05400143563747406,
0.08151574432849884,
-0.005585325416177511,
-0.06621866673231125,
-0.08835908770561218,
0.08660067617893219,
-0.09193703532218933,
0.022268977016210556,
0.05755670368671417,
-0.027595845982432365,
-0.007160506676882505,
-0.03354168310761452,
0.046363912522792816,
-0.11307346820831299,
0.04735790193080902,
-0.13553065061569214,
0.03040890395641327,
-0.10461439192295074,
0.12919028103351593,
-0.04681478440761566,
0.025411931797862053,
-0.012013903819024563,
0.008864179253578186,
-0.06676486134529114,
0.004309887532144785,
0.014191705733537674,
0.1308937966823578,
-0.20822685956954956,
0.006268442142754793,
0.1584034115076065,
-0.15428635478019714,
-0.10032934695482254,
0.04969983175396919,
-0.06200607493519783,
0.1152007207274437,
0.09066662937402725,
0.2555192708969116,
0.1290861964225769,
-0.11455955356359482,
0.056849509477615356,
0.037581007927656174,
0.018111374229192734,
0.10241630673408508,
0.1348453313112259,
-0.07778392732143402,
-0.13367104530334473,
0.06563062220811844,
-0.06089946627616882,
-0.030519288033246994,
-0.05861734598875046,
-0.08455611020326614,
-0.022653162479400635,
-0.02369113825261593,
-0.07932800054550171,
0.02489333227276802,
-0.017413970082998276,
-0.05060319975018501,
-0.0037339627742767334,
-0.05639444664120674,
0.18223626911640167,
-0.03424101695418358,
-0.03537805378437042,
-0.0648810863494873,
0.032135043293237686,
-0.05314398929476738,
0.0006101822946220636,
-0.10871013253927231,
-0.10990376025438309,
0.0370502807199955,
-0.08287473767995834,
0.015215766616165638,
0.22595298290252686,
0.023001890629529953,
-0.09846077859401703,
-0.008652066811919212,
0.06246211379766464,
-0.06326732039451599,
0.004489061888307333,
0.004489948507398367,
-0.10485459864139557,
0.05477255582809448,
-0.09386306256055832,
0.27467435598373413,
0.08086201548576355,
-0.03465532884001732,
-0.11533936113119125,
0.10815524309873581,
-0.018291175365447998,
0.018641144037246704,
0.04819371923804283,
-0.012506517581641674,
0.013392462395131588,
-0.04249352216720581,
0.009927443228662014,
0.036128029227256775,
0.013112159445881844,
0.1115640178322792,
0.033717505633831024,
-0.13499003648757935,
0.13759745657444,
0.02408464625477791,
0.021319804713129997,
-0.0865517184138298,
-0.06651542335748672,
0.03225487098097801,
-0.06439211964607239,
0.014122150838375092,
0.06492921710014343,
-0.032620131969451904,
0.008359122090041637,
-0.1476171463727951,
-0.00664489483460784,
-0.04758751764893532,
-0.07004505395889282,
-0.09028943628072739,
0.06353747844696045,
0.07982400059700012,
-0.14341837167739868,
0.07953140139579773,
0.01003355160355568,
0.09088883548974991,
0.11563923209905624,
-0.09286607801914215,
-0.0959601029753685,
-0.019778946414589882,
0.012173525989055634,
-0.12122868746519089,
0.10262785851955414,
-0.12791992723941803,
0.08396661281585693,
0.09623256325721741,
0.06440664082765579,
0.11909555643796921,
-0.057047728449106216,
-0.00006579334149137139,
0.046917419880628586,
-0.07223828881978989,
-0.07649391889572144,
0.048935458064079285,
0.021609507501125336,
0.07965904474258423,
0.009768469259142876,
-0.07056840509176254,
0.019122693687677383,
-0.04300379008054733,
-0.039785731583833694,
0.08339700102806091,
-0.12822222709655762,
-0.2119492143392563,
-0.004141060169786215,
0.06671442091464996,
-0.1631268858909607,
0.02205231599509716,
0.0239004697650671,
-0.05735272914171219,
-0.040082987397909164,
-0.06759805232286453,
0.02888273447751999,
-0.1011766716837883,
-0.011261364445090294,
0.08448276668787003,
0.03105100430548191,
-0.060020118951797485,
-0.17407731711864471,
-0.043046656996011734,
-0.0980677381157875,
0.03169477358460426,
0.021481407806277275,
-0.1625606119632721,
0.03264928236603737,
0.15420971810817719,
-0.011363113299012184,
0.0475643016397953,
0.02434130571782589,
0.19745521247386932,
-0.043641988188028336,
-0.05326540395617485,
0.12152303755283356,
0.05587232857942581,
-0.028402075171470642,
0.18659013509750366,
-0.0203276164829731,
-0.0920957699418068,
0.05564460903406143,
0.027213141322135925,
-0.013084436766803265,
-0.3117330074310303,
-0.10359474271535873,
-0.03198656439781189,
-0.04076269641518593,
-0.0775485709309578,
-0.008931383490562439,
-0.036913685500621796,
0.08235561847686768,
-0.027898922562599182,
-0.0668039545416832,
0.055186495184898376,
-0.0170450359582901,
0.20017749071121216,
-0.0338670015335083,
0.06394156068563461,
-0.010255259461700916,
-0.09716407209634781,
0.10079056769609451,
0.023546723648905754,
0.184082493185997,
0.022249845787882805,
-0.10451076179742813,
0.09689867496490479,
0.03618508577346802,
-0.01776658184826374,
0.08194218575954437,
0.018756384029984474,
0.04373713210225105,
-0.06070913001894951,
-0.04230709746479988,
-0.018787140026688576,
0.03406788036227226,
0.026423340663313866,
-0.0597902275621891,
-0.1013750284910202,
0.05716096609830856,
-0.011235208250582218,
0.1977939009666443,
0.09854082018136978,
-0.10439515858888626,
0.03071647509932518,
0.02162018045783043,
0.014864909462630749,
-0.07693822681903839,
0.06684312224388123,
-0.04981552064418793,
-0.06300591677427292,
0.08130660653114319,
0.06075548380613327,
0.10242025554180145,
-0.0324871689081192,
-0.006086161360144615,
-0.07624590396881104,
-0.04065825417637825,
-0.022244427353143692,
0.13761086761951447,
-0.256014347076416,
0.11908110231161118,
0.005413506180047989,
0.017027387395501137,
-0.07534398883581161,
0.03984253481030464,
-0.010019714012742043,
0.0969834104180336,
0.07637705653905869,
0.01694728061556816,
-0.04600709676742554,
0.12700411677360535,
-0.14552092552185059,
0.07267963886260986,
-0.018289487808942795,
-0.05364666134119034,
0.030665915459394455,
0.020778769627213478,
0.011094783432781696,
-0.009540908969938755,
0.053911250084638596,
-0.14060530066490173,
-0.05934044346213341,
0.09662404656410217,
0.0052480921149253845,
-0.00229123467579484,
-0.047832995653152466,
-0.007610417902469635,
0.012424007058143616,
0.1505531221628189,
0.23992058634757996,
-0.1671476811170578,
-0.06246442720293999,
-0.029659558087587357,
0.13137157261371613,
0.015613462775945663,
-0.028440993279218674,
-0.017559483647346497,
0.12222953885793686,
-0.02954861894249916,
-0.12490667402744293,
0.0371527299284935,
-0.11554133892059326,
-0.009267505258321762,
-0.03564446046948433,
0.15354257822036743,
0.05491626635193825,
-0.012395934201776981,
0.09224586188793182,
-0.05427347123622894,
-0.10444052517414093,
-0.06305370479822159,
-0.04837774112820625,
0.14734423160552979,
-0.04166456311941147,
0.10284153372049332,
-0.04269373416900635,
-0.005393743049353361,
-0.06844145059585571,
-0.061412155628204346,
0.06770233064889908,
0.12958388030529022,
-0.0210996363312006,
0.07970629632472992,
0.10956685245037079,
-0.07151446491479874,
-0.11636880040168762,
-0.01965879648923874,
0.04714130237698555,
-0.00416578771546483,
0.005614035297185183,
-0.10860036313533783,
0.03860469534993172,
0.018354862928390503,
-0.04638030007481575,
0.036939967423677444,
-0.26566338539123535,
-0.04517839476466179,
0.24411913752555847,
-0.08852298557758331,
0.34323689341545105,
-0.055695630609989166,
-0.041114337742328644,
-0.025925813242793083,
-0.19005563855171204,
0.1603076159954071,
-0.05641619488596916,
0.06022413447499275,
0.0077662295661866665,
0.1312362104654312,
0.10003206133842468,
-0.00013796475832350552,
0.1657092124223709,
0.06221077963709831,
0.044865064322948456,
-0.05736924707889557,
0.1336458921432495,
-0.01266922801733017,
0.004164590034633875,
0.19875669479370117,
0.17264553904533386,
0.09467386454343796,
-0.11129771918058395,
-0.106748066842556,
-0.01596749760210514,
0.04186149314045906,
-0.029344631358981133,
-0.1470324844121933,
-0.1166403740644455,
0.03616548329591751,
0.022401219233870506,
0.022662365809082985,
-0.03677906468510628,
-0.028486251831054688,
-0.07643327862024307,
-0.014056970365345478,
0.0959886834025383,
-0.08073592931032181,
0.013967669568955898,
0.016220413148403168,
-0.01698475144803524,
0.08252568542957306,
0.0026683383621275425,
0.018441202118992805,
0.13348865509033203,
-0.058639585971832275,
0.03274756669998169,
0.03236676752567291,
-0.13156715035438538,
-0.12088070064783096,
-0.009861293248832226,
-0.10371406376361847,
-0.10622361302375793,
-0.0579393096268177,
0.06046042963862419,
-0.02423979341983795,
-0.019714731723070145,
0.14498941600322723,
0.02013568952679634,
-0.035735756158828735,
0.01701495610177517,
0.03809061273932457,
-0.038809001445770264,
0.07021870464086533,
0.053823478519916534,
-0.028648415580391884,
-0.07521704584360123,
0.10888989269733429,
0.05463683232665062,
-0.11082210391759872,
-0.033586930483579636,
-0.08957954496145248,
-0.0869584009051323,
-0.05566868185997009,
-0.13108095526695251,
0.1605590581893921,
-0.09566264599561691,
-0.10754700005054474,
-0.08333709836006165,
-0.1482214629650116,
-0.015336903743445873,
-0.10827089846134186,
0.08058713376522064,
0.10119597613811493,
0.0568714439868927,
-0.05779354274272919,
-0.07111821323633194,
0.05894799530506134,
0.05433187261223793,
0.02337421104311943,
-0.030863285064697266,
-0.08495042473077774,
-0.06949109584093094,
0.09102264791727066,
-0.03740544244647026,
-0.04227883741259575,
-0.046920109540224075,
0.017301257699728012,
-0.1220320537686348,
-0.023195018991827965,
-0.06413623690605164,
-0.004469079431146383,
0.05239582806825638,
-0.04315396770834923,
-0.00022988798446021974,
0.012144741602241993,
-0.07086483389139175,
0.024323761463165283,
-0.06646493077278137,
0.031376853585243225,
-0.04026326537132263,
-0.07679237425327301,
0.04604724049568176,
-0.048759546130895615,
0.08267583698034286,
0.11108119040727615,
-0.00944117084145546,
-0.053986914455890656,
-0.08928637206554413,
-0.029712922871112823,
-0.0014506335137411952,
0.11581674963235855,
-0.0228565763682127,
-0.1831756830215454,
-0.0005605564219877124,
0.12272272258996964,
-0.07597088813781738,
0.026477454230189323,
0.05689682438969612,
-0.12588264048099518,
-0.0865553617477417,
0.04277520626783371,
-0.06534305214881897,
0.013380791060626507,
-0.04899052530527115,
0.09011869877576828,
0.1517101228237152,
0.101933553814888,
0.02924659661948681,
0.035896677523851395,
-0.12231581658124924,
-0.006495448760688305,
-0.009576774202287197,
0.07873206585645676,
0.1330827921628952,
-0.017771612852811813,
0.008484285324811935,
-0.03712567314505577,
0.2931598126888275,
0.12886644899845123,
0.009919892996549606,
0.0020176072139292955,
0.022392211481928825,
0.18427546322345734,
0.014152967371046543,
0.14080387353897095,
0.05562128126621246,
0.04541102424263954,
-0.021372655406594276,
-0.008177695795893669,
0.04833872243762016,
-0.014361958019435406,
0.08956378698348999,
0.09340105205774307,
0.10557681322097778,
0.026735834777355194,
0.02090604230761528,
0.024710524827241898,
0.02890840172767639,
-0.049314264208078384,
0.1082305759191513,
-0.004273939877748489,
0.003721591318026185,
0.05657122656702995,
0.06586035341024399,
-0.10283012688159943,
0.09352822601795197,
-0.030624819919466972,
-0.03657248988747597,
-0.18476849794387817,
0.005026430357247591,
-0.07659681141376495,
-0.17419981956481934,
-0.010423694737255573,
-0.1328587681055069,
0.015047216787934303,
0.0700455829501152,
0.038645561784505844,
-0.07716377824544907,
0.017022060230374336,
-0.16134241223335266,
-0.09367693960666656,
0.0013990838779136539,
-0.01366359181702137,
0.006691942922770977,
-0.027657486498355865,
-0.013733712956309319,
0.027770496904850006,
0.11144719272851944,
-0.046044591814279556,
-0.006111154332756996,
0.032415971159935,
-0.03933053836226463,
-0.005387491546571255,
0.03486108034849167,
-0.07141612470149994,
-0.043700505048036575,
0.03967691957950592,
0.1011715903878212,
0.06213492155075073,
-0.009915598668158054,
0.062040239572525024,
0.16604791581630707,
0.016851820051670074,
-0.19013938307762146,
-0.150699645280838,
0.061188116669654846,
0.007464133203029633,
0.05860983580350876,
0.0770893469452858,
-0.07680011540651321,
-0.039872124791145325,
0.15506477653980255,
0.20559071004390717,
-0.005860092584043741,
-0.08267811685800552,
-0.00980435498058796,
0.004111755173653364,
-0.027590453624725342,
0.0003770149196498096,
0.07320889830589294,
0.21343989670276642,
-0.036510977894067764,
0.04239175096154213,
-0.06542223691940308,
0.03579088672995567,
-0.04023878648877144,
0.04259268566966057,
0.06564529240131378,
-0.06160111352801323,
0.01819067820906639,
0.13639168441295624,
-0.015289906412363052,
-0.028487524017691612,
-0.03015221282839775,
-0.03453748673200607,
-0.09528074413537979,
-0.0489119291305542,
-0.04605046659708023,
-0.039439838379621506,
0.036233942955732346,
-0.09321924299001694,
0.01668979786336422,
0.2618730962276459,
-0.0028658329974859953,
-0.11592190712690353,
-0.14923830330371857,
0.14580285549163818,
0.04516366124153137,
0.12021233141422272,
0.05818488821387291,
0.12354488670825958,
0.012514865957200527,
0.0066877491772174835,
-0.08625586330890656,
0.038407180458307266,
0.05187039077281952,
0.05156170576810837,
0.0415099672973156,
-0.03760939836502075,
-0.04798544943332672,
-0.0048198760487139225,
0.06230226159095764,
-0.019831091165542603,
-0.009791411459445953,
0.08732102811336517,
0.010087362490594387,
-0.14397940039634705,
0.1575302928686142,
-0.16487161815166473,
0.08785143494606018,
0.09617996215820312,
-0.04426811635494232,
0.06853426247835159,
-0.03494078665971756,
0.0843803808093071,
-0.006443238351494074,
-0.00622293446213007,
-0.016405463218688965,
-0.04542892053723335,
-0.022565655410289764,
0.057530444115400314,
-0.017432451248168945,
-0.19931751489639282,
-0.019176749512553215,
-0.015654543414711952,
-0.04248713329434395,
0.044511374086141586,
0.01749972440302372,
0.021987061947584152,
0.0003671046579256654,
-0.05152781680226326,
0.1597236841917038,
-0.008893691003322601,
0.0399908721446991,
-0.09658990800380707,
-0.07515926659107208
] |
ef5c509c3a7e50f79890c989710dcb603a6c4bbc |
# Dataset of exeter/エクセター/埃克塞特 (Azur Lane)
This is the dataset of exeter/エクセター/埃克塞特 (Azur Lane), containing 13 images and their tags.
The core tags of this character are `breasts, green_eyes, brown_hair, long_hair, large_breasts, bangs, hair_ornament`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 13 | 17.10 MiB | [Download](https://huggingface.co/datasets/CyberHarem/exeter_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 13 | 11.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/exeter_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 25 | 19.23 MiB | [Download](https://huggingface.co/datasets/CyberHarem/exeter_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 13 | 16.02 MiB | [Download](https://huggingface.co/datasets/CyberHarem/exeter_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 25 | 25.74 MiB | [Download](https://huggingface.co/datasets/CyberHarem/exeter_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/exeter_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, smile, solo, cleavage, closed_mouth, standing, white_thighhighs, black_gloves, turret, chain, full_body, hat, single_thighhigh, uneven_legwear, white_background, white_dress, aiguillette, anchor, belt, blush, elbow_gloves, hair_between_eyes, hand_on_hip, machinery, medium_breasts, red_cape, rigging, short_dress, side_slit, simple_background |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, looking_at_viewer, solo, black_dress, cleavage, flower, smile, long_sleeves, high_heels, holding_cup, indoors, jewelry, see-through, simple_background, wine_glass |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | smile | solo | cleavage | closed_mouth | standing | white_thighhighs | black_gloves | turret | chain | full_body | hat | single_thighhigh | uneven_legwear | white_background | white_dress | aiguillette | anchor | belt | blush | elbow_gloves | hair_between_eyes | hand_on_hip | machinery | medium_breasts | red_cape | rigging | short_dress | side_slit | simple_background | black_dress | flower | long_sleeves | high_heels | holding_cup | indoors | jewelry | see-through | wine_glass |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:--------|:-------|:-----------|:---------------|:-----------|:-------------------|:---------------|:---------|:--------|:------------|:------|:-------------------|:-----------------|:-------------------|:--------------|:--------------|:---------|:-------|:--------|:---------------|:--------------------|:--------------|:------------|:-----------------|:-----------|:----------|:--------------|:------------|:--------------------|:--------------|:---------|:---------------|:-------------|:--------------|:----------|:----------|:--------------|:-------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | | | | | | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/exeter_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:28:57+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:32:29+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of exeter/エクセター/埃克塞特 (Azur Lane)
========================================
This is the dataset of exeter/エクセター/埃克塞特 (Azur Lane), containing 13 images and their tags.
The core tags of this character are 'breasts, green\_eyes, brown\_hair, long\_hair, large\_breasts, bangs, hair\_ornament', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
13dbeaafd73668d52fc3f3de35418dc4eefa9797 |
# Dataset of nachi/那智/那智 (Azur Lane)
This is the dataset of nachi/那智/那智 (Azur Lane), containing 10 images and their tags.
The core tags of this character are `bangs, breasts, hat, long_hair, large_breasts, very_long_hair, black_headwear, animal_ears, bow, pink_eyes, peaked_cap, brown_hair, floating_hair, hair_ornament`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 10 | 20.39 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nachi_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 10 | 10.31 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nachi_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 21 | 19.58 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nachi_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 10 | 17.52 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nachi_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 21 | 30.93 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nachi_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/nachi_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, smile, solo, white_shirt, black_thighhighs, blue_skirt, cleavage, pink_bra, closed_mouth, collared_shirt, heart, miniskirt, nail_polish, navel, one_eye_closed, pleated_skirt, midriff, stomach, striped, white_background, blush, bra_peek, collarbone, crop_top, dress_shirt, full_body, garter_straps, simple_background, sleeves_rolled_up, tongue_out, black_footwear, breast_pocket, crossed_legs, hand_on_hip, hand_on_own_thigh, high_heels, jewelry, partially_unbuttoned, school_uniform, sitting, standing, zettai_ryouiki |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | smile | solo | white_shirt | black_thighhighs | blue_skirt | cleavage | pink_bra | closed_mouth | collared_shirt | heart | miniskirt | nail_polish | navel | one_eye_closed | pleated_skirt | midriff | stomach | striped | white_background | blush | bra_peek | collarbone | crop_top | dress_shirt | full_body | garter_straps | simple_background | sleeves_rolled_up | tongue_out | black_footwear | breast_pocket | crossed_legs | hand_on_hip | hand_on_own_thigh | high_heels | jewelry | partially_unbuttoned | school_uniform | sitting | standing | zettai_ryouiki |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:--------|:-------|:--------------|:-------------------|:-------------|:-----------|:-----------|:---------------|:-----------------|:--------|:------------|:--------------|:--------|:-----------------|:----------------|:----------|:----------|:----------|:-------------------|:--------|:-----------|:-------------|:-----------|:--------------|:------------|:----------------|:--------------------|:--------------------|:-------------|:-----------------|:----------------|:---------------|:--------------|:--------------------|:-------------|:----------|:-----------------------|:-----------------|:----------|:-----------|:-----------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/nachi_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:37:28+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:40:30+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of nachi/那智/那智 (Azur Lane)
==================================
This is the dataset of nachi/那智/那智 (Azur Lane), containing 10 images and their tags.
The core tags of this character are 'bangs, breasts, hat, long\_hair, large\_breasts, very\_long\_hair, black\_headwear, animal\_ears, bow, pink\_eyes, peaked\_cap, brown\_hair, floating\_hair, hair\_ornament', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
05ab5e8a21c51c2ae9162b25ac2e1f2827743c6e |
# Dataset of ardent/アーデント/热心 (Azur Lane)
This is the dataset of ardent/アーデント/热心 (Azur Lane), containing 16 images and their tags.
The core tags of this character are `blonde_hair, blue_eyes, long_hair, twintails, very_long_hair, breasts, ribbon, bangs, hair_ribbon, large_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 16 | 17.05 MiB | [Download](https://huggingface.co/datasets/CyberHarem/ardent_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 16 | 11.02 MiB | [Download](https://huggingface.co/datasets/CyberHarem/ardent_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 34 | 19.45 MiB | [Download](https://huggingface.co/datasets/CyberHarem/ardent_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 16 | 15.12 MiB | [Download](https://huggingface.co/datasets/CyberHarem/ardent_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 34 | 26.52 MiB | [Download](https://huggingface.co/datasets/CyberHarem/ardent_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/ardent_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 16 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, blush, open_mouth, full_body, long_sleeves, necktie, pleated_skirt, shoes, smile, white_background, white_shirt, school_uniform, thighhighs |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | blush | open_mouth | full_body | long_sleeves | necktie | pleated_skirt | shoes | smile | white_background | white_shirt | school_uniform | thighhighs |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:--------|:-------------|:------------|:---------------|:----------|:----------------|:--------|:--------|:-------------------|:--------------|:-----------------|:-------------|
| 0 | 16 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/ardent_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:37:31+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:42:19+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of ardent/アーデント/热心 (Azur Lane)
======================================
This is the dataset of ardent/アーデント/热心 (Azur Lane), containing 16 images and their tags.
The core tags of this character are 'blonde\_hair, blue\_eyes, long\_hair, twintails, very\_long\_hair, breasts, ribbon, bangs, hair\_ribbon, large\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
2edd044faa9a82bfd105b15c92955257fe9f9273 |
# Dataset of jupiter/ジュピター/丘比特 (Azur Lane)
This is the dataset of jupiter/ジュピター/丘比特 (Azur Lane), containing 15 images and their tags.
The core tags of this character are `long_hair, blue_eyes, hair_ornament, crown, purple_hair, bangs, ahoge, bow, two_side_up, very_long_hair, black_bow, blue_hair, mini_crown, parted_bangs`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 15 | 17.47 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jupiter_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 15 | 10.89 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jupiter_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 34 | 22.78 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jupiter_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 15 | 15.84 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jupiter_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 34 | 31.19 MiB | [Download](https://huggingface.co/datasets/CyberHarem/jupiter_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/jupiter_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 9 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, white_dress, bare_shoulders, blush, sleeveless_dress, white_thighhighs, antenna_hair, simple_background, torpedo, white_background |
| 1 | 5 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, looking_at_viewer, solo, twintails, animal_hood, blush, sleeves_past_wrists, torpedo, full_body, hair_bow, holding, hood_up, hooded_jacket, long_sleeves, parted_lips, star_(symbol), stuffed_animal, white_bloomers, barefoot, collarbone, hair_through_headwear, hairclip, leg_warmers, loose_socks, navel, object_hug, open_jacket, rabbit_hair_ornament, ribbon, sitting, slippers, soles, yellow_jacket |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | white_dress | bare_shoulders | blush | sleeveless_dress | white_thighhighs | antenna_hair | simple_background | torpedo | white_background | twintails | animal_hood | sleeves_past_wrists | full_body | hair_bow | holding | hood_up | hooded_jacket | long_sleeves | parted_lips | star_(symbol) | stuffed_animal | white_bloomers | barefoot | collarbone | hair_through_headwear | hairclip | leg_warmers | loose_socks | navel | object_hug | open_jacket | rabbit_hair_ornament | ribbon | sitting | slippers | soles | yellow_jacket |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:--------------|:-----------------|:--------|:-------------------|:-------------------|:---------------|:--------------------|:----------|:-------------------|:------------|:--------------|:----------------------|:------------|:-----------|:----------|:----------|:----------------|:---------------|:--------------|:----------------|:-----------------|:-----------------|:-----------|:-------------|:------------------------|:-----------|:--------------|:--------------|:--------|:-------------|:--------------|:-----------------------|:---------|:----------|:-----------|:--------|:----------------|
| 0 | 9 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | | | | | | | | |
| 1 | 5 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | | | X | | | | | X | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/jupiter_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:56:05+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T09:59:39+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of jupiter/ジュピター/丘比特 (Azur Lane)
========================================
This is the dataset of jupiter/ジュピター/丘比特 (Azur Lane), containing 15 images and their tags.
The core tags of this character are 'long\_hair, blue\_eyes, hair\_ornament, crown, purple\_hair, bangs, ahoge, bow, two\_side\_up, very\_long\_hair, black\_bow, blue\_hair, mini\_crown, parted\_bangs', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
8b59cca2767fb4d0e22cb4db0a2be8c2a6f84aa0 |
# Dataset of bailey/ベイリー/贝利 (Azur Lane)
This is the dataset of bailey/ベイリー/贝利 (Azur Lane), containing 24 images and their tags.
The core tags of this character are `long_hair, red_hair, hair_ornament, red_eyes, side_ponytail, antenna_hair, rabbit_ears, bangs, bow, fang`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 24 | 21.02 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bailey_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 24 | 16.26 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bailey_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 52 | 30.62 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bailey_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 24 | 19.99 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bailey_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 52 | 36.79 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bailey_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/bailey_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, smile, solo, hat, skirt, blush, food-themed_hair_ornament, open_mouth, stuffed_animal, stuffed_bunny, white_thighhighs, wrist_cuffs, animal_ears, one_eye_closed |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | smile | solo | hat | skirt | blush | food-themed_hair_ornament | open_mouth | stuffed_animal | stuffed_bunny | white_thighhighs | wrist_cuffs | animal_ears | one_eye_closed |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:--------|:-------|:------|:--------|:--------|:----------------------------|:-------------|:-----------------|:----------------|:-------------------|:--------------|:--------------|:-----------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/bailey_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:56:06+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:01:32+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of bailey/ベイリー/贝利 (Azur Lane)
=====================================
This is the dataset of bailey/ベイリー/贝利 (Azur Lane), containing 24 images and their tags.
The core tags of this character are 'long\_hair, red\_hair, hair\_ornament, red\_eyes, side\_ponytail, antenna\_hair, rabbit\_ears, bangs, bow, fang', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
7eacd951a98e2257c386b7ee67a7e3fd04257fc0 |
# Dataset of l_opiniatre/ルピニャート/倔强 (Azur Lane)
This is the dataset of l_opiniatre/ルピニャート/倔强 (Azur Lane), containing 38 images and their tags.
The core tags of this character are `long_hair, green_eyes, breasts, purple_hair, ahoge, glasses, bangs, very_long_hair, ribbon, bow, small_breasts, medium_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 38 | 48.39 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_opiniatre_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 38 | 28.60 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_opiniatre_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 74 | 56.04 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_opiniatre_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 38 | 42.75 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_opiniatre_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 74 | 82.21 MiB | [Download](https://huggingface.co/datasets/CyberHarem/l_opiniatre_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/l_opiniatre_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | hair_ribbon, looking_at_viewer, red_ribbon, 1girl, cleavage, blush, purple_gloves, solo, blue_gloves, capelet, cross, semi-rimless_eyewear, white_thighhighs, black_choker |
| 1 | 9 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | bare_shoulders, blush, looking_at_viewer, 1girl, hair_bow, hair_ornament, solo, bridal_garter, choker, frilled_bikini, navel, purple_bikini, red_bow, strapless_bikini, ass, bandeau, nail_polish, smile, stomach, thighs, blue_bikini, cross, earrings, eyewear_removed, groin, side_ponytail |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | hair_ribbon | looking_at_viewer | red_ribbon | 1girl | cleavage | blush | purple_gloves | solo | blue_gloves | capelet | cross | semi-rimless_eyewear | white_thighhighs | black_choker | bare_shoulders | hair_bow | hair_ornament | bridal_garter | choker | frilled_bikini | navel | purple_bikini | red_bow | strapless_bikini | ass | bandeau | nail_polish | smile | stomach | thighs | blue_bikini | earrings | eyewear_removed | groin | side_ponytail |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------|:--------------------|:-------------|:--------|:-----------|:--------|:----------------|:-------|:--------------|:----------|:--------|:-----------------------|:-------------------|:---------------|:-----------------|:-----------|:----------------|:----------------|:---------|:-----------------|:--------|:----------------|:----------|:-------------------|:------|:----------|:--------------|:--------|:----------|:---------|:--------------|:-----------|:------------------|:--------|:----------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | |
| 1 | 9 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | | X | | X | | X | | X | | | X | | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/l_opiniatre_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T09:56:14+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:05:34+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of l\_opiniatre/ルピニャート/倔强 (Azur Lane)
=============================================
This is the dataset of l\_opiniatre/ルピニャート/倔强 (Azur Lane), containing 38 images and their tags.
The core tags of this character are 'long\_hair, green\_eyes, breasts, purple\_hair, ahoge, glasses, bangs, very\_long\_hair, ribbon, bow, small\_breasts, medium\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
bde353ba321e90f2176e2434e17d083380fcdaac | # Dataset Card for "araproje_mmlu_en_conf_mgpt_nearestscore_true_y"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_mmlu_en_conf_mgpt_nearestscore_true_y | [
"region:us"
] | 2024-01-14T10:02:06+00:00 | {"dataset_info": {"features": [{"name": "question", "dtype": "string"}, {"name": "subject", "dtype": "string"}, {"name": "choices", "sequence": "string"}, {"name": "answer", "dtype": {"class_label": {"names": {"0": "A", "1": "B", "2": "C", "3": "D"}}}}], "splits": [{"name": "validation", "num_bytes": 130579.0, "num_examples": 250}], "download_size": 79213, "dataset_size": 130579.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:02:09+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_mmlu_en_conf_mgpt_nearestscore_true_y"
More Information needed | [
"# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true_y\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true_y\"\n\nMore Information needed"
] | [
6,
34
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true_y\"\n\nMore Information needed"
] | [
-0.13288143277168274,
0.13353298604488373,
-0.002164701232686639,
-0.002845322247594595,
0.07769273966550827,
0.004576645325869322,
0.044492315500974655,
0.05803139507770538,
0.032203685492277145,
0.05468357726931572,
0.09606077522039413,
0.05852591618895531,
0.08839032053947449,
0.13612942397594452,
-0.009685268625617027,
0.07444837689399719,
0.018409373238682747,
0.010424990206956863,
0.009450286626815796,
0.044736333191394806,
-0.004359607119113207,
-0.04602128639817238,
0.05189598724246025,
-0.03655870258808136,
-0.20575785636901855,
0.11515714973211288,
-0.0856805071234703,
-0.06078007072210312,
0.04686279222369194,
-0.006839863955974579,
0.03829896077513695,
-0.06395113468170166,
-0.04861941188573837,
-0.08832637965679169,
-0.0035552149638533592,
-0.0020416672341525555,
-0.04660986736416817,
-0.019179819151759148,
0.05068676546216011,
-0.15354491770267487,
-0.020199941471219063,
-0.06538651883602142,
-0.06375686824321747,
0.00938363280147314,
-0.1501144915819168,
-0.1371583640575409,
-0.04576687887310982,
-0.07924983650445938,
0.017632924020290375,
0.03189977630972862,
0.041526421904563904,
0.2534586787223816,
-0.11256687343120575,
0.0627530887722969,
0.09428735077381134,
-0.03377577289938927,
0.01883234828710556,
0.17015355825424194,
-0.16037268936634064,
0.058087095618247986,
0.0864449217915535,
0.07556130737066269,
0.12861941754817963,
0.028442496433854103,
-0.16359657049179077,
-0.0027045852039009333,
-0.15087890625,
0.11448123306035995,
-0.013182979077100754,
-0.11361077427864075,
0.2967129945755005,
-0.05218301713466644,
0.019656943157315254,
0.07476624846458435,
-0.041122082620859146,
-0.00003478913276921958,
0.03325243666768074,
0.1229286640882492,
0.0020399033091962337,
0.060566022992134094,
-0.040801044553518295,
0.10714723914861679,
-0.08377865701913834,
-0.0325499027967453,
-0.20253294706344604,
0.2219625860452652,
-0.011421636678278446,
0.14667704701423645,
-0.17338794469833374,
0.017525721341371536,
-0.07176810503005981,
-0.09178315848112106,
0.010808066464960575,
-0.04689934477210045,
0.01477699913084507,
-0.023983759805560112,
-0.03010077029466629,
0.019112087786197662,
0.12806721031665802,
-0.05708777904510498,
0.04208085313439369,
-0.0005131536745466292,
-0.01483152899891138,
0.10531607270240784,
0.18195977807044983,
-0.03942649066448212,
-0.058438148349523544,
0.017994483932852745,
-0.05488002300262451,
-0.12515009939670563,
0.08004771918058395,
-0.010753094218671322,
-0.03506416454911232,
-0.07378121465444565,
-0.14112819731235504,
0.1457279771566391,
0.009146363474428654,
-0.08666197955608368,
-0.05555276945233345,
0.01774061843752861,
-0.02611265331506729,
-0.1066189706325531,
-0.05349396541714668,
-0.06917105615139008,
-0.15686975419521332,
0.061652205884456635,
-0.0736880823969841,
0.009019211865961552,
0.03686727583408356,
0.00876536313444376,
-0.04500529542565346,
0.059113796800374985,
-0.011341956444084644,
-0.025246428325772285,
0.10298392176628113,
-0.10750851035118103,
0.061353109776973724,
-0.1516333520412445,
-0.14759086072444916,
-0.018302349373698235,
-0.00586666027083993,
-0.04645918682217598,
0.20569857954978943,
-0.02857106365263462,
0.027614302933216095,
-0.07217513769865036,
-0.006268635857850313,
0.016575612127780914,
-0.10841041058301926,
0.05218646302819252,
0.08623816072940826,
0.08252740651369095,
-0.015105501748621464,
0.03069058246910572,
-0.17201866209506989,
0.013070524670183659,
0.01692531257867813,
-0.021569233387708664,
-0.07556988298892975,
0.15459193289279938,
-0.03938594087958336,
0.00677194120362401,
-0.10922922939062119,
0.06295833736658096,
0.05231723561882973,
0.12043321877717972,
-0.11753273755311966,
-0.04468023404479027,
0.12217781692743301,
-0.07975328713655472,
-0.1611449122428894,
0.0013740855501964688,
0.042141325771808624,
0.024764684960246086,
0.07536821812391281,
0.18624915182590485,
-0.022708764299750328,
-0.0777999684214592,
-0.025702010840177536,
0.1272195279598236,
-0.12275132536888123,
-0.25536632537841797,
0.06070544570684433,
-0.024072760716080666,
-0.14343847334384918,
0.0921109989285469,
0.1426810324192047,
0.11776668578386307,
-0.041089218109846115,
-0.06833799183368683,
-0.011202549561858177,
-0.14050033688545227,
-0.07135068625211716,
0.050346747040748596,
-0.03265494480729103,
-0.10779585689306259,
0.1749633401632309,
-0.10850932449102402,
0.1186072826385498,
0.07528294622898102,
-0.07433882355690002,
0.02346421405673027,
0.12574328482151031,
-0.23653918504714966,
-0.030124777927994728,
-0.12418920546770096,
-0.0009769122116267681,
-0.015372457914054394,
-0.06966657191514969,
0.014531382359564304,
0.03385207802057266,
0.06842011213302612,
0.004786011762917042,
0.06890802085399628,
0.06037632375955582,
0.10671687126159668,
0.034969545900821686,
0.02763436920940876,
-0.024180108681321144,
0.1761828511953354,
-0.0754280835390091,
0.004584732465445995,
-0.0008862905669957399,
-0.08055125921964645,
0.044984299689531326,
0.1299755722284317,
-0.017605122178792953,
0.04104829952120781,
0.1327986717224121,
0.051260802894830704,
0.002086824970319867,
-0.04495326802134514,
0.007668562699109316,
-0.014092469587922096,
0.04489394649863243,
0.11614380031824112,
-0.07803374528884888,
0.13297386467456818,
0.15893743932247162,
-0.03805646672844887,
0.03719696030020714,
-0.023809129372239113,
0.01942262426018715,
0.009148665703833103,
-0.04301919788122177,
0.09651010483503342,
-0.032179418951272964,
-0.06893399357795715,
0.08364927768707275,
-0.09302537143230438,
-0.006993806455284357,
0.06599846482276917,
-0.10589587688446045,
-0.14377647638320923,
0.1423260122537613,
0.1627797931432724,
-0.24640627205371857,
0.17450059950351715,
0.20891843736171722,
0.15954221785068512,
0.09782454371452332,
-0.02896014042198658,
-0.07447059452533722,
0.0007989657460711896,
0.03603541851043701,
-0.059234619140625,
0.16878172755241394,
-0.04443154111504555,
-0.018717672675848007,
0.06993270665407181,
-0.02047085575759411,
0.12091240286827087,
-0.12418863922357559,
-0.10766387730836868,
-0.0033313066232949495,
0.0031905770301818848,
-0.10005154460668564,
0.07608310133218765,
-0.03748193383216858,
0.09752149879932404,
-0.02601507119834423,
0.038075853139162064,
0.05503121390938759,
0.013152769766747952,
-0.029054952785372734,
0.13539300858974457,
-0.14611101150512695,
-0.31465089321136475,
0.0004887804388999939,
-0.13265003263950348,
-0.04716338962316513,
0.018208451569080353,
-0.04163861274719238,
-0.23134617507457733,
-0.050338611006736755,
0.027627257630228996,
-0.05520322173833847,
-0.1987815946340561,
-0.027228152379393578,
0.006447546649724245,
0.07392922788858414,
-0.06355395168066025,
-0.09819674491882324,
0.005046084988862276,
-0.06639385968446732,
0.06207520142197609,
0.14355747401714325,
-0.15498481690883636,
0.15057221055030823,
0.07959446310997009,
0.011910691857337952,
0.09686029702425003,
0.02467368170619011,
0.09808222949504852,
-0.0028899298049509525,
-0.13648587465286255,
0.1448676884174347,
0.13926123082637787,
0.02436983585357666,
0.09897778183221817,
0.029002059251070023,
-0.1331605315208435,
0.010914542712271214,
-0.055005993694067,
-0.15902447700500488,
-0.174916073679924,
-0.19112557172775269,
-0.01670221984386444,
-0.0008317923056893051,
0.04743365943431854,
0.06350596249103546,
-0.06362926214933395,
0.0881379172205925,
0.08332056552171707,
-0.0610416978597641,
-0.19301921129226685,
-0.024353118613362312,
-0.051148805767297745,
-0.016729099676012993,
-0.011610659770667553,
-0.13906759023666382,
-0.0293441042304039,
0.13646388053894043,
0.13330446183681488,
0.06550613045692444,
-0.003137544495984912,
-0.1424378603696823,
0.034577857702970505,
0.08012478053569794,
0.05639691650867462,
0.03752556070685387,
0.12088804692029953,
-0.03290294483304024,
0.03979945182800293,
-0.04037512093782425,
-0.06979894638061523,
0.017985761165618896,
0.05663969740271568,
-0.11094529181718826,
0.07115139812231064,
-0.12046120315790176,
0.11030934005975723,
-0.34407034516334534,
0.10202272236347198,
-0.1932515949010849,
0.07542364299297333,
-0.01712832972407341,
0.1420430690050125,
-0.02579275332391262,
0.025310881435871124,
0.0728675127029419,
-0.011926393955945969,
0.03000110574066639,
0.06000274792313576,
0.054009925574064255,
-0.026552563533186913,
0.0019440454198047519,
-0.024706600233912468,
0.01421784982085228,
0.011261144652962685,
0.1002337858080864,
-0.15192775428295135,
0.2506408989429474,
0.08497282862663269,
-0.03096245974302292,
-0.11187481135129929,
-0.04706006124615669,
-0.001178741455078125,
-0.011902570724487305,
0.12377429008483887,
0.09043513983488083,
-0.06430298835039139,
-0.3203783929347992,
-0.07521367073059082,
0.018799129873514175,
0.09815572947263718,
0.07262664288282394,
-0.09439384937286377,
0.1094660684466362,
0.03743280470371246,
-0.07821381837129593,
-0.11809741705656052,
-0.037326376885175705,
-0.012561490759253502,
0.0013525113463401794,
0.005736184306442738,
-0.20607733726501465,
0.012069305405020714,
-0.011767040938138962,
-0.17621192336082458,
0.026874905452132225,
0.18075209856033325,
-0.06128698214888573,
-0.06707844883203506,
0.04519100859761238,
0.12524937093257904,
-0.037625547498464584,
-0.04527072235941887,
-0.03650696575641632,
-0.04216013848781586,
-0.05307609215378761,
-0.13357652723789215,
0.02894514985382557,
-0.06330466270446777,
0.14848189055919647,
-0.08333852142095566,
0.1548815667629242,
-0.0002565814065746963,
-0.01690577156841755,
-0.016895713284611702,
0.04555831849575043,
-0.0909096747636795,
-0.052934370934963226,
0.13856567442417145,
0.08045576512813568,
0.08170425146818161,
0.2505377531051636,
0.06390827894210815,
0.037561509758234024,
0.02063501439988613,
-0.03739228472113609,
0.14117859303951263,
0.11283440887928009,
-0.03720301762223244,
0.0890149176120758,
0.1931474208831787,
-0.022516367956995964,
-0.22140979766845703,
0.038450323045253754,
-0.15542365610599518,
0.027803724631667137,
0.019968222826719284,
-0.11843540519475937,
0.13894814252853394,
0.07793790847063065,
-0.008587201125919819,
0.14450803399085999,
-0.34370821714401245,
0.011818453669548035,
0.07709923386573792,
0.0244238693267107,
0.32236167788505554,
-0.0567484013736248,
-0.05477488413453102,
-0.0319427065551281,
-0.12670016288757324,
0.040398214012384415,
-0.16970470547676086,
0.07321000844240189,
-0.02309204265475273,
0.1075647845864296,
0.03051540069282055,
-0.08988195657730103,
0.20098376274108887,
0.04019292816519737,
0.08531755954027176,
-0.09333991259336472,
0.0031512202695012093,
0.050212129950523376,
0.0045924619771540165,
0.06702659279108047,
0.07084494084119797,
0.09655702859163284,
-0.14049293100833893,
-0.038935232907533646,
-0.0030679060146212578,
0.04974909871816635,
0.08537577837705612,
-0.036531105637550354,
-0.10869782418012619,
-0.02264680154621601,
-0.06129985675215721,
-0.05288161337375641,
-0.10390152782201767,
-0.022572271525859833,
0.009415729902684689,
-0.044378865510225296,
-0.10295378416776657,
-0.13057561218738556,
0.03540337458252907,
-0.04040742293000221,
-0.04723765701055527,
0.03257673978805542,
-0.23748955130577087,
-0.0012900930596515536,
0.14660502970218658,
0.036093875765800476,
-0.03582179918885231,
0.006097838282585144,
-0.08957798033952713,
0.0352565161883831,
0.1582438200712204,
-0.12925972044467926,
0.14559149742126465,
-0.004533290863037109,
0.01775262877345085,
0.1442791372537613,
0.020526986569166183,
0.01461593247950077,
0.04360847920179367,
0.00599939189851284,
-0.026265745982527733,
0.020566152408719063,
-0.02858308143913746,
0.10659126937389374,
0.053264692425727844,
-0.015829050913453102,
-0.19063329696655273,
0.30560511350631714,
-0.005773611832410097,
-0.006006770301610231,
-0.008570333942770958,
0.00466898363083601,
-0.10143013298511505,
-0.06258842349052429,
0.047199856489896774,
0.19147977232933044,
-0.09184879809617996,
-0.14374671876430511,
-0.0850488543510437,
-0.01569180376827717,
0.007146268617361784,
0.15541256964206696,
0.10431133955717087,
0.05083677917718887,
0.029289238154888153,
-0.09399604797363281,
-0.02082417905330658,
-0.03212041035294533,
0.037401847541332245,
-0.012592420913279057,
-0.045577071607112885,
-0.007898326963186264,
-0.009944024495780468,
0.16206933557987213,
-0.04442918300628662,
-0.054088905453681946,
-0.046510159969329834,
0.09534452110528946,
-0.08803379535675049,
-0.034087251871824265,
-0.03825764358043671,
-0.008620780892670155,
0.007165118586272001,
-0.02368919737637043,
-0.03475378453731537,
-0.008526451885700226,
-0.10220499336719513,
0.06188631430268288,
0.02083698846399784,
-0.021822122856974602,
-0.05310211330652237,
-0.04846024513244629,
0.06868725270032883,
0.058154407888650894,
-0.0012912940001115203,
0.15184377133846283,
-0.024573571979999542,
0.07197017967700958,
-0.14910262823104858,
-0.1825476586818695,
0.10706215351819992,
0.07427886128425598,
0.04776783287525177,
0.0073384493589401245,
0.061856165528297424,
0.09617714583873749,
-0.07115549594163895,
0.032969895750284195,
-0.010076751001179218,
-0.06071493774652481,
-0.095518559217453,
-0.12384775280952454,
-0.03288969397544861,
-0.054932430386543274,
-0.03819639980792999,
0.19308103621006012,
0.11751219630241394,
-0.05989799275994301,
0.014225024729967117,
0.03850039467215538,
0.00227285991422832,
-0.08807068318128586,
-0.04786825180053711,
-0.1816570907831192,
-0.09661492705345154,
0.059775982052087784,
0.040485676378011703,
-0.05230603367090225,
0.38065841794013977,
0.029542505741119385,
-0.04616959020495415,
-0.04441036283969879,
0.1722313016653061,
0.039150919765233994,
-0.05805692821741104,
0.21295179426670074,
0.08274492621421814,
0.02810085378587246,
-0.12563322484493256,
0.08336451649665833,
0.04846319183707237,
-0.052778538316488266,
-0.062685526907444,
0.07140836119651794,
0.19768257439136505,
-0.00435634097084403,
0.04915879666805267,
-0.10875964164733887,
0.15318956971168518,
-0.07863923162221909,
-0.08623924106359482,
-0.03069113940000534,
0.07519658654928207,
-0.051018331199884415,
0.0745859369635582,
-0.006024976260960102,
-0.06417932361364365,
-0.024629367515444756,
-0.015116054564714432,
-0.06723566353321075,
-0.08996118605136871,
-0.03107129968702793,
-0.05333084240555763,
0.05997211113572121,
-0.04448637738823891,
-0.003331973450258374,
0.21425718069076538,
0.04885149374604225,
0.018319696187973022,
0.0988503023982048,
-0.02467954345047474,
-0.05183889716863632,
-0.002299291081726551,
-0.037059713155031204,
0.027763552963733673,
-0.010532119311392307,
-0.04573700204491615,
0.01708165742456913,
-0.05591283738613129,
-0.0038441068027168512,
0.015716027468442917,
0.07160684466362,
-0.0020801995415240526,
-0.16424845159053802,
-0.018967507407069206,
-0.06664153933525085,
0.05395996570587158,
-0.0742456465959549,
-0.0051790461875498295,
0.07151798903942108,
0.024979902431368828,
0.04764033854007721,
0.11850909888744354,
0.054525408893823624,
-0.008342943154275417,
0.00644686259329319,
0.08613047748804092,
-0.03440769016742706,
0.057128049433231354,
-0.004340906161814928,
-0.03952987492084503,
-0.04765738174319267,
0.1808585822582245,
0.15421584248542786,
-0.01794787123799324,
-0.021892894059419632,
-0.03587891906499863,
0.050938770174980164,
-0.027816710993647575,
0.0028110945131629705,
0.07265686988830566,
0.0751742422580719,
-0.07391942292451859,
-0.0927705466747284,
-0.028817979618906975,
-0.014870421029627323,
-0.02666165865957737,
-0.03172997385263443,
0.03335697948932648,
-0.07721300423145294,
-0.14107568562030792,
0.1518382579088211,
-0.0851549282670021,
0.21073557436466217,
0.04037785902619362,
-0.14582371711730957,
-0.09282202273607254,
-0.012733045034110546,
0.04556445777416229,
0.10308530181646347,
0.02702692709863186,
-0.12243402749300003,
0.014243914745748043,
-0.18454356491565704,
0.02241331897675991,
-0.30942514538764954,
-0.1908322423696518,
-0.0015670115826651454,
0.12116969376802444,
-0.01819375902414322,
-0.005784716922789812,
0.0713028609752655,
0.049014613032341,
0.01211901567876339,
-0.06643355637788773,
0.0540231354534626,
0.04695794731378555,
0.03292447328567505,
-0.07496652007102966,
-0.07024884223937988,
0.00403377553448081,
-0.14494724571704865,
0.09374425560235977,
0.10746259987354279,
0.025082213804125786,
0.031264182180166245,
0.09302610903978348,
-0.04807629436254501,
0.030599715188145638,
-0.07314670085906982,
0.11303406208753586,
-0.01687462627887726,
-0.02949458174407482,
0.018034381791949272,
-0.04269209876656532,
0.09919535368680954,
-0.005262291990220547,
-0.1418662667274475,
0.011579596437513828,
-0.009821785613894463,
0.011506188660860062,
0.062047865241765976,
0.021983088925480843,
-0.0084526427090168,
0.02872571162879467,
-0.007652957458049059,
-0.01885244809091091,
0.053748130798339844,
0.07272832095623016,
0.07959187775850296,
0.0940648764371872,
-0.030614852905273438,
-0.0706586241722107,
0.0775417760014534,
0.01749347895383835,
0.044810883700847626,
-0.1579108089208603
] |
c86c43546bf1590e95d2cc0593152fc55d78e824 | # Dataset Card for "araproje_mmlu_en_conf_mgpt_nearestscore_true_x"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_mmlu_en_conf_mgpt_nearestscore_true_x | [
"region:us"
] | 2024-01-14T10:02:10+00:00 | {"dataset_info": {"features": [{"name": "question", "dtype": "string"}, {"name": "subject", "dtype": "string"}, {"name": "choices", "sequence": "string"}, {"name": "answer", "dtype": {"class_label": {"names": {"0": "A", "1": "B", "2": "C", "3": "D"}}}}], "splits": [{"name": "validation", "num_bytes": 130579.0, "num_examples": 250}], "download_size": 79223, "dataset_size": 130579.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:02:12+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_mmlu_en_conf_mgpt_nearestscore_true_x"
More Information needed | [
"# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true_x\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true_x\"\n\nMore Information needed"
] | [
6,
34
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true_x\"\n\nMore Information needed"
] | [
-0.1475227326154709,
0.13451246917247772,
-0.0018487501656636596,
0.0005684478092007339,
0.06291770935058594,
0.0012744583655148745,
0.039985291659832,
0.06272871047258377,
0.03650348633527756,
0.058384861797094345,
0.09545979648828506,
0.07126998156309128,
0.09235846251249313,
0.1638520061969757,
-0.015042785555124283,
0.0828879326581955,
0.015960276126861572,
0.017294609919190407,
0.0003358095127623528,
0.040805306285619736,
0.0006469786167144775,
-0.055416420102119446,
0.06075640767812729,
-0.04292771592736244,
-0.21221159398555756,
0.11495029181241989,
-0.07951271533966064,
-0.06439115107059479,
0.03603069856762886,
0.00020623550517484546,
0.033206310123205185,
-0.06791634112596512,
-0.05312733352184296,
-0.09437369555234909,
0.0006724936538375914,
-0.0066211330704391,
-0.050340283662080765,
-0.015386536717414856,
0.07018950581550598,
-0.17032390832901,
-0.03811225667595863,
-0.056718990206718445,
-0.06453213840723038,
0.020010359585285187,
-0.15869645774364471,
-0.13502120971679688,
-0.04016270861029625,
-0.058028221130371094,
0.015100822784006596,
0.04343636706471443,
0.03340724855661392,
0.26014405488967896,
-0.09866547584533691,
0.06869709491729736,
0.09317236393690109,
-0.06116217374801636,
0.01339856069535017,
0.17755340039730072,
-0.12391476333141327,
0.09784618020057678,
0.08721479773521423,
0.0827203169465065,
0.1357089877128601,
0.013933395966887474,
-0.15157435834407806,
-0.01660136878490448,
-0.14095984399318695,
0.1131085678935051,
-0.022296467795968056,
-0.10715779662132263,
0.2944486439228058,
-0.039556872099637985,
0.012046758085489273,
0.06182987987995148,
-0.03472546860575676,
-0.03967616334557533,
0.04206603765487671,
0.1125844195485115,
0.012152159586548805,
0.0688752681016922,
-0.028225839138031006,
0.10085615515708923,
-0.07929415255784988,
-0.03369627892971039,
-0.17699378728866577,
0.23618502914905548,
-0.024525796994566917,
0.1536577343940735,
-0.17170412838459015,
0.0047707813791930676,
-0.07565253227949142,
-0.09281054139137268,
0.01607850193977356,
-0.0641387403011322,
0.0012854795204475522,
-0.01492411457002163,
-0.026411322876811028,
0.01864624209702015,
0.12050405144691467,
-0.047959938645362854,
0.058554913848638535,
0.00988545548170805,
-0.023902572691440582,
0.10482373833656311,
0.18064607679843903,
-0.03343402221798897,
-0.048613883554935455,
-0.013046768493950367,
-0.06226484477519989,
-0.12368974834680557,
0.06863145530223846,
-0.009275875985622406,
-0.032340604811906815,
-0.059510454535484314,
-0.16960351169109344,
0.15848685801029205,
0.007445044349879026,
-0.08868975937366486,
-0.055705927312374115,
0.010001320391893387,
-0.023771075531840324,
-0.10302582383155823,
-0.0433654822409153,
-0.06509409844875336,
-0.15802663564682007,
0.08299589157104492,
-0.07240266352891922,
0.009813111275434494,
0.024321455508470535,
-0.010554555803537369,
-0.039305638521909714,
0.05769723653793335,
-0.024986369535326958,
-0.04089730605483055,
0.0939965471625328,
-0.12269986420869827,
0.06312716752290726,
-0.152231827378273,
-0.13007795810699463,
-0.02026265300810337,
-0.003021801821887493,
-0.03866903856396675,
0.1981339305639267,
-0.022848540917038918,
0.03913470357656479,
-0.0779496356844902,
-0.010949715971946716,
0.022255875170230865,
-0.10814071446657181,
0.04125387221574783,
0.09999322891235352,
0.09028936177492142,
-0.019612623378634453,
0.027848083525896072,
-0.15619058907032013,
0.008061145432293415,
0.0012923040194436908,
-0.017638517543673515,
-0.0858306735754013,
0.15769203007221222,
-0.05655399709939957,
0.009965108707547188,
-0.10965621471405029,
0.06813497841358185,
0.04417458549141884,
0.10115160793066025,
-0.12353667616844177,
-0.03660070151090622,
0.14348579943180084,
-0.07515420764684677,
-0.18191185593605042,
-0.0011272341944277287,
0.05019361153244972,
0.01794491522014141,
0.06865905970335007,
0.15952815115451813,
-0.0198823232203722,
-0.07399516552686691,
-0.029705313965678215,
0.12347350269556046,
-0.1338784545660019,
-0.26191064715385437,
0.07603330910205841,
-0.03365561366081238,
-0.13728000223636627,
0.08868800848722458,
0.15659509599208832,
0.1068267747759819,
-0.03163352608680725,
-0.0706913024187088,
-0.013095480389893055,
-0.14983509480953217,
-0.09016566723585129,
0.03846922889351845,
-0.03697894513607025,
-0.10660912841558456,
0.15287569165229797,
-0.12037994712591171,
0.11206689476966858,
0.07729213684797287,
-0.08040391653776169,
0.017280973494052887,
0.11850273609161377,
-0.2689886689186096,
-0.028905129060149193,
-0.14585107564926147,
0.007462726440280676,
-0.004575726110488176,
-0.0516609288752079,
0.012248879298567772,
0.04743048921227455,
0.06696022301912308,
-0.008770630694925785,
0.07477399706840515,
0.0613023042678833,
0.11633063107728958,
0.024266786873340607,
0.011875307187438011,
-0.017380498349666595,
0.17552386224269867,
-0.08068087697029114,
-0.017112886533141136,
-0.0014289035461843014,
-0.0830082893371582,
0.029868321493268013,
0.1059073954820633,
-0.010149499401450157,
0.031176887452602386,
0.13020528852939606,
0.04333607107400894,
0.0021393164061009884,
-0.04804592952132225,
0.006790852174162865,
-0.017999649047851562,
0.043116237968206406,
0.11915003508329391,
-0.1005864068865776,
0.14746418595314026,
0.16865669190883636,
-0.05836997926235199,
0.02883591502904892,
-0.013773541897535324,
0.013997871428728104,
0.017661795020103455,
-0.04418537765741348,
0.10622978210449219,
-0.03923456370830536,
-0.07686414569616318,
0.07916943728923798,
-0.09840503334999084,
-0.011406566947698593,
0.07185825705528259,
-0.08504215627908707,
-0.14079910516738892,
0.14084504544734955,
0.18802012503147125,
-0.23759637773036957,
0.16622573137283325,
0.21840061247348785,
0.18314863741397858,
0.08366283029317856,
-0.02615305222570896,
-0.07752218097448349,
-0.005967536475509405,
0.04148155823349953,
-0.05572807788848877,
0.16592273116111755,
-0.031255148351192474,
-0.018131164833903313,
0.07347061485052109,
-0.023999659344553947,
0.12332825362682343,
-0.12267017364501953,
-0.10143985599279404,
0.008907988667488098,
-0.0027958685532212257,
-0.10105078667402267,
0.07292445749044418,
-0.04865387827157974,
0.09439203143119812,
-0.03080904483795166,
0.02823352999985218,
0.05417334660887718,
0.01728864759206772,
-0.03557433560490608,
0.1240183636546135,
-0.13944745063781738,
-0.2973005175590515,
0.003311839886009693,
-0.100221186876297,
-0.0471012145280838,
0.020599763840436935,
-0.04511629045009613,
-0.21232423186302185,
-0.0620897151529789,
0.021581394597887993,
-0.08304454386234283,
-0.2195013165473938,
-0.019398299977183342,
0.015620049089193344,
0.0729905441403389,
-0.056987177580595016,
-0.09700364619493484,
0.001443271990865469,
-0.07035394012928009,
0.05178431048989296,
0.12710155546665192,
-0.15411286056041718,
0.15302135050296783,
0.08745045959949493,
0.010254574939608574,
0.09720557183027267,
0.02180211991071701,
0.08318336308002472,
-0.011375054717063904,
-0.14208143949508667,
0.1508532166481018,
0.1245071142911911,
0.015360593795776367,
0.06942539662122726,
0.021631693467497826,
-0.14472812414169312,
0.011266166344285011,
-0.04785746708512306,
-0.1549762338399887,
-0.19329166412353516,
-0.1756809800863266,
-0.024019457399845123,
0.021211860701441765,
0.04883834347128868,
0.07404959201812744,
-0.07330122590065002,
0.10246691852807999,
0.09430405497550964,
-0.06715524196624756,
-0.20432430505752563,
-0.01930176466703415,
-0.08650249242782593,
-0.011596838012337685,
-0.004677881021052599,
-0.15002524852752686,
-0.019215064123272896,
0.13805800676345825,
0.1266588270664215,
0.06736357510089874,
0.018809305503964424,
-0.1267227679491043,
0.031644612550735474,
0.06313222646713257,
0.05328556150197983,
0.04836912453174591,
0.12354998290538788,
-0.03957009315490723,
0.04021751880645752,
-0.04250788316130638,
-0.07861699163913727,
0.015550675801932812,
0.07658100128173828,
-0.09794075042009354,
0.06299081444740295,
-0.10525185614824295,
0.114317387342453,
-0.3219306766986847,
0.08422407507896423,
-0.18988724052906036,
0.08370769023895264,
-0.018953008577227592,
0.14215302467346191,
-0.019808460026979446,
0.022231871262192726,
0.07285444438457489,
-0.013163382187485695,
0.03172589838504791,
0.05055169016122818,
0.06404724717140198,
-0.01696406491100788,
0.0016805976629257202,
-0.032710544764995575,
-0.01082559023052454,
0.00044791604159399867,
0.09587781131267548,
-0.16671760380268097,
0.23773778975009918,
0.08748851716518402,
-0.025630826130509377,
-0.11306676268577576,
-0.033703241497278214,
-0.011130711063742638,
-0.01901892013847828,
0.1353297084569931,
0.0799640491604805,
-0.10356864333152771,
-0.3218323290348053,
-0.08184021711349487,
0.025086842477321625,
0.10683014988899231,
0.06900110095739365,
-0.09050723165273666,
0.11518842726945877,
0.043472133576869965,
-0.07105528563261032,
-0.09469231963157654,
-0.05153760686516762,
-0.008375903591513634,
-0.0026823682710528374,
0.0025991364382207394,
-0.22030197083950043,
0.02385620027780533,
0.0006707141292281449,
-0.20690575242042542,
0.052096474915742874,
0.1680031269788742,
-0.04776817187666893,
-0.08527641743421555,
0.031811464577913284,
0.11450786888599396,
-0.03168059512972832,
-0.034880381077528,
-0.030763154849410057,
-0.026500530540943146,
-0.0532536506652832,
-0.12766337394714355,
0.050608858466148376,
-0.07459301501512527,
0.14609839022159576,
-0.08451709896326065,
0.14404796063899994,
-0.011577562429010868,
-0.015628041699528694,
-0.02304151840507984,
0.0367342010140419,
-0.08343471586704254,
-0.0550336129963398,
0.15599055588245392,
0.05975515767931938,
0.07591573894023895,
0.25617527961730957,
0.07425374537706375,
0.02448834851384163,
0.03693461790680885,
-0.0390046201646328,
0.14025011658668518,
0.11842365562915802,
-0.03375864401459694,
0.0804365873336792,
0.16262921690940857,
-0.021376626566052437,
-0.20537157356739044,
0.060848865658044815,
-0.16356104612350464,
0.0229970570653677,
0.04235656186938286,
-0.10366789996623993,
0.13656428456306458,
0.0673069953918457,
-0.005580176133662462,
0.15099216997623444,
-0.34958580136299133,
0.01650790125131607,
0.07477868348360062,
0.026402879506349564,
0.3030813932418823,
-0.07087794691324234,
-0.04695742949843407,
-0.05396973714232445,
-0.15539921820163727,
0.05552777275443077,
-0.1655917465686798,
0.07958786934614182,
-0.02312367968261242,
0.0776238963007927,
0.0296623595058918,
-0.0909740999341011,
0.18919944763183594,
0.04364118352532387,
0.08699308335781097,
-0.09160994738340378,
-0.005629438441246748,
0.034076377749443054,
0.005085144657641649,
0.06715837866067886,
0.04784367233514786,
0.08212929219007492,
-0.17075230181217194,
-0.04497348889708519,
0.016543248668313026,
0.04554670676589012,
0.08187282085418701,
-0.039041176438331604,
-0.108839251101017,
-0.02314433641731739,
-0.05668710544705391,
-0.03713972866535187,
-0.1047733724117279,
-0.03699895367026329,
0.006393152289092541,
-0.02461015060544014,
-0.09523286670446396,
-0.1055961549282074,
0.014840517193078995,
-0.04070194065570831,
-0.04578220844268799,
0.036497339606285095,
-0.2469014674425125,
0.009931426495313644,
0.14781111478805542,
0.02323869615793228,
-0.03138306364417076,
0.013782847672700882,
-0.08487876504659653,
0.038744278252124786,
0.151857390999794,
-0.11138924956321716,
0.14479684829711914,
0.0033439279068261385,
-0.008985389024019241,
0.14464031159877777,
0.010125616565346718,
0.01658024825155735,
0.048988088965415955,
0.010054067708551884,
-0.03717952221632004,
0.02454523555934429,
-0.03187674283981323,
0.10490696877241135,
0.04500427469611168,
-0.01572408340871334,
-0.1852840930223465,
0.3196939527988434,
-0.005372294690459967,
-0.012323211878538132,
-0.005070737563073635,
-0.0022717579267919064,
-0.08563040941953659,
-0.06096803769469261,
0.08358006924390793,
0.20705538988113403,
-0.11119260638952255,
-0.14391165971755981,
-0.09280132502317429,
-0.02365407533943653,
0.023461133241653442,
0.14823566377162933,
0.09543941169977188,
0.036694951355457306,
0.04289431497454643,
-0.08313395082950592,
-0.02593211643397808,
-0.04058190807700157,
0.03169593587517738,
-0.013241575099527836,
-0.03617551177740097,
0.016008900478482246,
-0.011008366011083126,
0.14909785985946655,
-0.03585534542798996,
-0.04534267261624336,
-0.05724070966243744,
0.0914873406291008,
-0.09941919147968292,
-0.027285726740956306,
-0.027157556265592575,
-0.016899649053812027,
0.005529016721993685,
-0.007426515221595764,
-0.05381511524319649,
-0.008360200561583042,
-0.10948880016803741,
0.06140739098191261,
0.03448614850640297,
-0.02613610029220581,
-0.0537472739815712,
-0.04054360091686249,
0.055540915578603745,
0.06947186589241028,
0.0019186586141586304,
0.13922971487045288,
-0.018077505752444267,
0.061334993690252304,
-0.1575940102338791,
-0.16746753454208374,
0.10843143612146378,
0.07038362324237823,
0.045780204236507416,
0.027103710919618607,
0.07582638412714005,
0.10441260784864426,
-0.08466245979070663,
0.028622811660170555,
-0.03299928829073906,
-0.06587063521146774,
-0.09986602514982224,
-0.12210659682750702,
-0.02930530346930027,
-0.040999993681907654,
-0.035242922604084015,
0.1862076371908188,
0.11350104957818985,
-0.06899091601371765,
0.023619355633854866,
0.03860655054450035,
-0.005323086865246296,
-0.08562929183244705,
-0.04183156043291092,
-0.17854547500610352,
-0.08101756870746613,
0.07439518719911575,
0.0446615070104599,
-0.058939144015312195,
0.3907477557659149,
0.04588194936513901,
-0.03018549270927906,
-0.03954533487558365,
0.1534813493490219,
0.04596543312072754,
-0.054118942469358444,
0.22157858312129974,
0.08658646047115326,
0.03699583560228348,
-0.10865890979766846,
0.09000416100025177,
0.06740191578865051,
-0.03509281575679779,
-0.03267081081867218,
0.06960566341876984,
0.1968994289636612,
0.013020241633057594,
0.04670378193259239,
-0.1225469633936882,
0.1560150533914566,
-0.08932317048311234,
-0.08911949396133423,
-0.01926237717270851,
0.07224865257740021,
-0.08836357295513153,
0.06275257468223572,
-0.0022642267867922783,
-0.05650683864951134,
-0.03511596843600273,
-0.006684040650725365,
-0.07895787060260773,
-0.07692033797502518,
-0.02649012953042984,
-0.044853199273347855,
0.055764611810445786,
-0.04281303659081459,
0.0023200565483421087,
0.1918446123600006,
0.049235593527555466,
0.01975414901971817,
0.0906360074877739,
-0.05409805476665497,
-0.039263252168893814,
-0.0039055116940289736,
-0.0396554060280323,
0.02562437206506729,
-0.014019784517586231,
-0.03779013454914093,
0.014912254177033901,
-0.05234123766422272,
0.003326187841594219,
0.00797138549387455,
0.05376933887600899,
0.0061439694836735725,
-0.15349765121936798,
-0.012743874453008175,
-0.0678028091788292,
0.04660823568701744,
-0.06886911392211914,
0.023105967789888382,
0.07170763611793518,
0.03055492788553238,
0.04560745880007744,
0.11308710277080536,
0.05566294118762016,
-0.0009733919287100434,
0.004357738886028528,
0.04851216450333595,
-0.026821423321962357,
0.06937143951654434,
-0.014893180690705776,
-0.04197366163134575,
-0.04590173810720444,
0.18745604157447815,
0.1534217745065689,
-0.03509241342544556,
-0.014931928366422653,
-0.02645864523947239,
0.05126583203673363,
-0.02053757756948471,
0.003036408917978406,
0.06263177841901779,
0.07591560482978821,
-0.06892620772123337,
-0.07380953431129456,
-0.017860911786556244,
-0.014508575201034546,
-0.01312625128775835,
-0.03033328801393509,
0.05099836364388466,
-0.06546617299318314,
-0.12221778184175491,
0.14956243336200714,
-0.07776490598917007,
0.22928662598133087,
0.050247784703969955,
-0.1278885453939438,
-0.09127103537321091,
-0.014775481075048447,
0.034235890954732895,
0.1094227135181427,
0.021954655647277832,
-0.11880481988191605,
0.0005801428342238069,
-0.17493467032909393,
0.01704793982207775,
-0.3110753297805786,
-0.20584993064403534,
-0.013445884920656681,
0.10493957996368408,
-0.0006508708465844393,
-0.0014821906806901097,
0.06410987675189972,
0.049972549080848694,
0.0036214045248925686,
-0.0691942423582077,
0.05558377504348755,
0.03482024744153023,
0.02558324486017227,
-0.06096653640270233,
-0.0643707886338234,
-0.007973494939506054,
-0.12143900990486145,
0.09290140122175217,
0.13856396079063416,
0.03170393407344818,
0.024929802864789963,
0.09584393352270126,
-0.043935392051935196,
0.025118915364146233,
-0.08055590838193893,
0.11818326264619827,
-0.016298819333314896,
-0.03668748214840889,
0.023365139961242676,
-0.030884845182299614,
0.11794174462556839,
-0.008978399448096752,
-0.10420351475477219,
0.005105361342430115,
-0.01192086935043335,
0.015549516305327415,
0.076471708714962,
0.02830732986330986,
-0.016047848388552666,
0.02450842782855034,
-0.018451828509569168,
-0.024673597887158394,
0.0438915491104126,
0.059262968599796295,
0.09177294373512268,
0.09420812129974365,
-0.03771394118666649,
-0.08763895183801651,
0.07432510703802109,
0.019736601039767265,
0.04994916915893555,
-0.15367725491523743
] |
c0c5cd40cc3b514615ab73260f9660a4544c9f9d | # Dataset Card for "araproje_mmlu_en_conf_mgpt_nearestscore_true"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_mmlu_en_conf_mgpt_nearestscore_true | [
"region:us"
] | 2024-01-14T10:02:13+00:00 | {"dataset_info": {"features": [{"name": "question", "dtype": "string"}, {"name": "subject", "dtype": "string"}, {"name": "choices", "sequence": "string"}, {"name": "answer", "dtype": {"class_label": {"names": {"0": "A", "1": "B", "2": "C", "3": "D"}}}}], "splits": [{"name": "validation", "num_bytes": 130579.0, "num_examples": 250}], "download_size": 79132, "dataset_size": 130579.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:02:15+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_mmlu_en_conf_mgpt_nearestscore_true"
More Information needed | [
"# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true\"\n\nMore Information needed"
] | [
6,
32
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_mmlu_en_conf_mgpt_nearestscore_true\"\n\nMore Information needed"
] | [
-0.1325034648180008,
0.12946709990501404,
-0.0021906495094299316,
0.0035768754314631224,
0.06443635374307632,
0.00942994561046362,
0.04895547404885292,
0.03889250010251999,
0.015731442719697952,
0.05862222984433174,
0.10391703248023987,
0.04294963553547859,
0.08604888617992401,
0.1396104097366333,
-0.0036388274747878313,
0.07575877755880356,
0.020680932328104973,
0.009709139354526997,
0.0030017991084605455,
0.04237273335456848,
0.0019811501260846853,
-0.04197102040052414,
0.06466826796531677,
-0.03191189095377922,
-0.20747916400432587,
0.11748436838388443,
-0.07965020090341568,
-0.06420496106147766,
0.04471978545188904,
-0.002856811508536339,
0.038425322622060776,
-0.08589185774326324,
-0.04320894181728363,
-0.08481507003307343,
-0.002046885434538126,
-0.007925943471491337,
-0.043419498950242996,
-0.01660201884806156,
0.05767827853560448,
-0.1659194529056549,
-0.02366568148136139,
-0.04936329647898674,
-0.052263129502534866,
0.013471399433910847,
-0.15780723094940186,
-0.1146441176533699,
-0.030896315351128578,
-0.06829967349767685,
0.00610374566167593,
0.04153839498758316,
0.041620101779699326,
0.2469785064458847,
-0.10090314596891403,
0.06625666469335556,
0.0710316151380539,
-0.03688663989305496,
0.011623673141002655,
0.20290863513946533,
-0.163204625248909,
0.06919533759355545,
0.08532080799341202,
0.0748964250087738,
0.13866178691387177,
0.03445252776145935,
-0.15253037214279175,
-0.009471395052969456,
-0.14150358736515045,
0.09941861778497696,
-0.014444898813962936,
-0.11364982277154922,
0.30623453855514526,
-0.05196045711636543,
0.010625948198139668,
0.06374593824148178,
-0.044335074722766876,
-0.011118076741695404,
0.04331674054265022,
0.11962799727916718,
0.004308152012526989,
0.08147790282964706,
-0.03434479981660843,
0.10631855577230453,
-0.08455417305231094,
-0.05274519324302673,
-0.20851847529411316,
0.21203036606311798,
-0.02516600675880909,
0.1444709450006485,
-0.1768837422132492,
0.014771638438105583,
-0.08975041657686234,
-0.09288740158081055,
0.01269388385117054,
-0.05816861614584923,
0.02151058427989483,
-0.024624628946185112,
-0.0397481694817543,
0.022093357518315315,
0.1269521713256836,
-0.030046256259083748,
0.06646832078695297,
0.00930593628436327,
-0.02241414785385132,
0.10225299745798111,
0.17628934979438782,
-0.054697293788194656,
-0.05358928069472313,
-0.005622803699225187,
-0.066106878221035,
-0.13657179474830627,
0.08026310056447983,
-0.0015944341430440545,
-0.01817885972559452,
-0.06978270411491394,
-0.16177234053611755,
0.14294812083244324,
-0.00979816447943449,
-0.08583339303731918,
-0.04504235461354256,
0.02510669454932213,
-0.023688700050115585,
-0.10813892632722855,
-0.06218094006180763,
-0.07590963691473007,
-0.14987607300281525,
0.08307988941669464,
-0.0723218247294426,
0.012057051993906498,
0.03341790288686752,
0.01928062178194523,
-0.04558401554822922,
0.05426613986492157,
-0.01376153901219368,
-0.031259842216968536,
0.10567454248666763,
-0.11609265953302383,
0.06096884235739708,
-0.16074272990226746,
-0.1328830122947693,
-0.016662215813994408,
0.002254257909953594,
-0.048103123903274536,
0.2090809941291809,
-0.017103305086493492,
0.03529828041791916,
-0.07069405168294907,
-0.008091622963547707,
0.01736205816268921,
-0.11029542237520218,
0.03454597666859627,
0.0999704897403717,
0.0864129438996315,
-0.022473197430372238,
0.01767517812550068,
-0.1743275374174118,
0.011520713567733765,
0.0042396788485348225,
-0.03276258334517479,
-0.07585538923740387,
0.16147971153259277,
-0.06079559028148651,
0.010591073893010616,
-0.14431911706924438,
0.06489058583974838,
0.0596751868724823,
0.12019359320402145,
-0.11546915769577026,
-0.03277493640780449,
0.14143134653568268,
-0.09708654135465622,
-0.17926645278930664,
0.005223406013101339,
0.04641947150230408,
0.04208293557167053,
0.06782566756010056,
0.1582009643316269,
-0.032840196043252945,
-0.0825095996260643,
-0.01383980829268694,
0.12053541839122772,
-0.12123625725507736,
-0.24750874936580658,
0.06259205937385559,
-0.048844292759895325,
-0.14437603950500488,
0.09223131090402603,
0.17395374178886414,
0.11304876953363419,
-0.029979029670357704,
-0.059931203722953796,
-0.022229796275496483,
-0.15187641978263855,
-0.0946412906050682,
0.028669996187090874,
-0.028985463082790375,
-0.10626840591430664,
0.17683462798595428,
-0.11334080994129181,
0.10358451306819916,
0.0792372077703476,
-0.08026067167520523,
0.02343824878334999,
0.10074817389249802,
-0.2587074637413025,
-0.030062923207879066,
-0.14545583724975586,
-0.003281545825302601,
-0.016364406794309616,
-0.07017604261636734,
0.022632841020822525,
0.02448161691427231,
0.0834730789065361,
-0.0028084516525268555,
0.06407896429300308,
0.08660849928855896,
0.12047525495290756,
0.0371028371155262,
0.025875329971313477,
-0.00940626673400402,
0.177979975938797,
-0.07609788328409195,
-0.008691431023180485,
0.0033804322592914104,
-0.07853849232196808,
0.03868367150425911,
0.14405545592308044,
-0.014745806343853474,
0.0326853021979332,
0.13314345479011536,
0.04135163128376007,
0.0006806396413594484,
-0.04934510588645935,
0.004776923451572657,
-0.01833694614470005,
0.050450023263692856,
0.12259428948163986,
-0.08549514412879944,
0.14080187678337097,
0.1720878928899765,
-0.042351968586444855,
0.026121821254491806,
-0.041370972990989685,
0.03147441893815994,
0.009116815403103828,
-0.04604094848036766,
0.10230675339698792,
-0.05104285851120949,
-0.06799449771642685,
0.07990001142024994,
-0.09532181173563004,
-0.00354653038084507,
0.06814965605735779,
-0.09853198379278183,
-0.15355974435806274,
0.13155700266361237,
0.17822369933128357,
-0.23953478038311005,
0.16640976071357727,
0.21892359852790833,
0.1567300707101822,
0.08420828729867935,
-0.020005207508802414,
-0.08464647829532623,
0.001162758213467896,
0.03223193436861038,
-0.058909397572278976,
0.15806783735752106,
-0.04751632362604141,
-0.01802322082221508,
0.07673246413469315,
-0.0006764595163986087,
0.12062352150678635,
-0.1167721077799797,
-0.09300300478935242,
-0.004932727664709091,
0.009912567213177681,
-0.09474915266036987,
0.08498232066631317,
-0.04531451314687729,
0.09131282567977905,
-0.03573601692914963,
0.032712455838918686,
0.05862806364893913,
0.01385612040758133,
-0.030414966866374016,
0.12575536966323853,
-0.13846318423748016,
-0.2855832278728485,
-0.018666967749595642,
-0.12556323409080505,
-0.061785947531461716,
0.026510139927268028,
-0.042959872633218765,
-0.21940453350543976,
-0.05879112705588341,
0.01213720440864563,
-0.06625697761774063,
-0.2129741609096527,
-0.0309851486235857,
0.01851777173578739,
0.0734027773141861,
-0.05852115899324417,
-0.09922890365123749,
0.0033756326884031296,
-0.0571097657084465,
0.06841538846492767,
0.13293683528900146,
-0.16521239280700684,
0.14714233577251434,
0.07948415726423264,
0.009528026916086674,
0.09571225196123123,
0.029319465160369873,
0.10284072160720825,
-0.00044144404819235206,
-0.13695445656776428,
0.15552306175231934,
0.129252627491951,
0.010723315179347992,
0.08704491704702377,
0.02701854147017002,
-0.14994463324546814,
0.028990695253014565,
-0.05385550856590271,
-0.16161711513996124,
-0.17141391336917877,
-0.18625059723854065,
-0.022861503064632416,
0.003004132304340601,
0.06923414021730423,
0.06834745407104492,
-0.07789536565542221,
0.10604917258024216,
0.09241320192813873,
-0.060134585946798325,
-0.17690570652484894,
-0.005660544149577618,
-0.04691096767783165,
-0.018265631049871445,
-0.012462778016924858,
-0.1522781252861023,
-0.0253097303211689,
0.13742750883102417,
0.11728881299495697,
0.05436360090970993,
0.015983570367097855,
-0.14810530841350555,
0.03229503333568573,
0.06383898854255676,
0.05435200035572052,
0.055295705795288086,
0.1279526948928833,
-0.037224799394607544,
0.04165288433432579,
-0.047353871166706085,
-0.08494269102811813,
0.024353841319680214,
0.05112283676862717,
-0.11043344438076019,
0.07790880650281906,
-0.11278204619884491,
0.09875412285327911,
-0.31534817814826965,
0.1017092764377594,
-0.21215654909610748,
0.06512133032083511,
-0.023665206506848335,
0.15030799806118011,
-0.03322819992899895,
0.04087793454527855,
0.07212580740451813,
-0.007010576315224171,
0.03786158561706543,
0.0589807890355587,
0.06110555678606033,
-0.0221710242331028,
-0.0025738661643117666,
-0.021358799189329147,
-0.0022255834192037582,
-0.0001581658871145919,
0.09314938634634018,
-0.16874784231185913,
0.2433372288942337,
0.08351157605648041,
-0.030604444444179535,
-0.1148504987359047,
-0.03992332145571709,
-0.008368758484721184,
-0.00037135681486688554,
0.12164109200239182,
0.08560607582330704,
-0.09277172386646271,
-0.3099403381347656,
-0.07982667535543442,
0.01792280375957489,
0.1235174685716629,
0.07364796102046967,
-0.09973429143428802,
0.10747641324996948,
0.04107864573597908,
-0.08067025244235992,
-0.11284047365188599,
-0.06337321549654007,
-0.008659666404128075,
-0.006023743189871311,
0.02986355684697628,
-0.19393989443778992,
0.014893940649926662,
-0.0038215573877096176,
-0.17370791733264923,
0.03428450971841812,
0.16066882014274597,
-0.04440600052475929,
-0.0714738517999649,
0.01502095814794302,
0.1298607438802719,
-0.02430906519293785,
-0.024036351591348648,
-0.047728270292282104,
-0.028151478618383408,
-0.043089430779218674,
-0.12688037753105164,
0.04510948807001114,
-0.07767226547002792,
0.14545242488384247,
-0.07474842667579651,
0.148250550031662,
-0.006188040599226952,
-0.022663267329335213,
-0.016858259215950966,
0.054960574954748154,
-0.08338318020105362,
-0.05432453751564026,
0.12857367098331451,
0.08380302041769028,
0.0942569375038147,
0.2606426179409027,
0.05479554459452629,
0.03020699881017208,
0.04700828343629837,
-0.03970009833574295,
0.1319762021303177,
0.11830873787403107,
-0.0214187391102314,
0.06475871801376343,
0.19853202998638153,
-0.01884317398071289,
-0.20790551602840424,
0.05016922950744629,
-0.16953517496585846,
0.02496965229511261,
0.026685085147619247,
-0.10258854925632477,
0.15201227366924286,
0.07523804903030396,
-0.005071538034826517,
0.13184575736522675,
-0.33011412620544434,
0.00026619326672516763,
0.08213748037815094,
0.018541697412729263,
0.2967448830604553,
-0.058664776384830475,
-0.05251516029238701,
-0.06334767490625381,
-0.19315753877162933,
0.045241743326187134,
-0.17536962032318115,
0.07577501237392426,
-0.018684295937418938,
0.09220780432224274,
0.025992127135396004,
-0.0979539006948471,
0.20352748036384583,
0.049581438302993774,
0.08784421533346176,
-0.10164746642112732,
0.020453855395317078,
0.04249495640397072,
0.0064943754114210606,
0.08936925232410431,
0.07841043919324875,
0.0908455178141594,
-0.14384602010250092,
-0.04608289524912834,
0.016870710998773575,
0.037351179867982864,
0.08542229980230331,
-0.03432735800743103,
-0.11329220235347748,
-0.021542076021432877,
-0.06686130911111832,
-0.048458393663167953,
-0.08831082284450531,
-0.035608138889074326,
0.014458360150456429,
-0.017952166497707367,
-0.09726587682962418,
-0.12708450853824615,
0.03377632796764374,
-0.037943191826343536,
-0.05297929793596268,
0.033051688224077225,
-0.2362244874238968,
0.005964986514300108,
0.14014467597007751,
0.03133412078022957,
-0.033416055142879486,
0.012217297218739986,
-0.08357058465480804,
0.030113765969872475,
0.16047640144824982,
-0.12181903421878815,
0.184604674577713,
0.013878044672310352,
0.0014876414788886905,
0.14063005149364471,
0.02388722263276577,
0.03480283170938492,
0.03743073344230652,
0.021650945767760277,
-0.025973200798034668,
0.01837538741528988,
-0.04014698788523674,
0.10721349716186523,
0.0340447835624218,
-0.02502300962805748,
-0.17988631129264832,
0.338483065366745,
-0.020011495798826218,
-0.011796919628977776,
-0.014624598436057568,
-0.013972515240311623,
-0.10974133759737015,
-0.05411418154835701,
0.046906642615795135,
0.17015352845191956,
-0.10215719789266586,
-0.1485413759946823,
-0.08225121349096298,
-0.01298514474183321,
0.008307568728923798,
0.15235228836536407,
0.10580936819314957,
0.044620245695114136,
0.026713814586400986,
-0.08332622796297073,
-0.018105873838067055,
-0.05015755817294121,
0.04423689469695091,
-0.008282189257442951,
-0.03515588119626045,
0.0038779398892074823,
-0.009578162804245949,
0.13049599528312683,
-0.04152689501643181,
-0.05064099654555321,
-0.0474669486284256,
0.09606140106916428,
-0.08900897949934006,
-0.04213659092783928,
-0.03742731735110283,
-0.011429657228291035,
0.011920301243662834,
-0.010641053318977356,
-0.0508398711681366,
-0.01164029911160469,
-0.09455866366624832,
0.065663181245327,
0.014374743215739727,
-0.02553466334939003,
-0.06064346805214882,
-0.025839194655418396,
0.07200051099061966,
0.0631471574306488,
-0.011517629027366638,
0.14775632321834564,
-0.02661506086587906,
0.06960634142160416,
-0.15505267679691315,
-0.15738728642463684,
0.11905798316001892,
0.06622558832168579,
0.034957341849803925,
0.0250163022428751,
0.06058155372738838,
0.10744673758745193,
-0.07495001703500748,
0.0410061739385128,
-0.013555423356592655,
-0.062393851578235626,
-0.11266045272350311,
-0.11174830049276352,
-0.039494507014751434,
-0.049200937151908875,
-0.056062500923871994,
0.20108358561992645,
0.11852088570594788,
-0.059244394302368164,
0.02222295105457306,
0.026244033128023148,
0.015087160281836987,
-0.08836973458528519,
-0.04688198119401932,
-0.1689010113477707,
-0.08460196107625961,
0.06450803577899933,
0.03990919888019562,
-0.05394158512353897,
0.4167148172855377,
0.0230367723852396,
-0.044443368911743164,
-0.034811608493328094,
0.16560477018356323,
0.033009033650159836,
-0.05789424851536751,
0.21442317962646484,
0.08983460813760757,
0.03298197686672211,
-0.1320938766002655,
0.08681759983301163,
0.06228679046034813,
-0.048216212540864944,
-0.04889427870512009,
0.06844229251146317,
0.17343008518218994,
0.014307307079434395,
0.045835256576538086,
-0.09788408875465393,
0.18333929777145386,
-0.08811415731906891,
-0.06713321059942245,
-0.020712878555059433,
0.0813325047492981,
-0.0703834593296051,
0.07261696457862854,
0.002351523144170642,
-0.07876604795455933,
-0.03940559923648834,
-0.01011714804917574,
-0.07309156656265259,
-0.07783795893192291,
-0.028478315100073814,
-0.053210895508527756,
0.0594794861972332,
-0.04243461787700653,
0.005613898392766714,
0.22800952196121216,
0.062062881886959076,
0.01848546788096428,
0.12270507216453552,
-0.07080233842134476,
-0.04249949008226395,
-0.010289030149579048,
-0.04122912511229515,
0.03303452208638191,
-0.008504731580615044,
-0.055737290531396866,
0.010969736613333225,
-0.056931059807538986,
-0.0065489099361002445,
0.017446501180529594,
0.07184352725744247,
-0.013248471543192863,
-0.14931724965572357,
-0.00963823962956667,
-0.07707779854536057,
0.05737166106700897,
-0.08603113889694214,
0.009676276706159115,
0.07133465260267258,
0.026129500940442085,
0.0473511777818203,
0.12197880446910858,
0.04466860368847847,
-0.011721508577466011,
-0.002543768612667918,
0.0604453943669796,
-0.027786847203969955,
0.07776566594839096,
-0.02328624203801155,
-0.04980264976620674,
-0.05444853752851486,
0.18736028671264648,
0.13958796858787537,
-0.03378556668758392,
-0.020040113478899002,
-0.022684987634420395,
0.05580328777432442,
-0.018048865720629692,
0.003584922756999731,
0.06870201230049133,
0.05518387630581856,
-0.06053535267710686,
-0.07436660677194595,
-0.020651016384363174,
-0.025737952440977097,
-0.015876874327659607,
-0.03933492302894592,
0.03287168964743614,
-0.07483020424842834,
-0.139128640294075,
0.15545888245105743,
-0.0828838124871254,
0.2205618917942047,
0.03852223604917526,
-0.11971348524093628,
-0.08822057396173477,
-0.013144479133188725,
0.01950366236269474,
0.10385558754205704,
0.024719033390283585,
-0.11910559237003326,
0.003116167616099119,
-0.17741423845291138,
0.02524346485733986,
-0.30059102177619934,
-0.2312421351671219,
-0.010109121911227703,
0.13573649525642395,
-0.015097690746188164,
0.0076500107534229755,
0.07987167686223984,
0.05191560462117195,
0.0067090801894664764,
-0.06449268758296967,
0.05244963616132736,
0.03333296626806259,
0.038477323949337006,
-0.07585181295871735,
-0.07219123840332031,
-0.006315008737146854,
-0.12733100354671478,
0.08810023218393326,
0.1178886666893959,
0.031226640567183495,
0.03567906469106674,
0.09606994688510895,
-0.060149140655994415,
0.028592733666300774,
-0.08084405958652496,
0.1184021532535553,
-0.011640917509794235,
-0.03207983821630478,
0.024388650432229042,
-0.03536953032016754,
0.12359194457530975,
-0.007500124163925648,
-0.14554227888584137,
0.016999714076519012,
-0.021899688988924026,
0.010087147355079651,
0.060369838029146194,
0.019462838768959045,
-0.024845853447914124,
0.013085703365504742,
-0.013028241693973541,
-0.015513980761170387,
0.060343604534864426,
0.06843994557857513,
0.07328528165817261,
0.09927798807621002,
-0.03608275204896927,
-0.08614619821310043,
0.08936184644699097,
0.021382471546530724,
0.03298826888203621,
-0.16700956225395203
] |
d07091fcadcaf1f5d214f849e5f1bac0aa6611ea | # Dataset Card for "araproje_mmlu_tr_conf_gpt2_nearestscore_true_y"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_mmlu_tr_conf_gpt2_nearestscore_true_y | [
"region:us"
] | 2024-01-14T10:04:19+00:00 | {"dataset_info": {"features": [{"name": "question", "dtype": "string"}, {"name": "subject", "dtype": "string"}, {"name": "choices", "sequence": "string"}, {"name": "answer", "dtype": {"class_label": {"names": {"0": "A", "1": "B", "2": "C", "3": "D"}}}}], "splits": [{"name": "validation", "num_bytes": 137404.0, "num_examples": 250}], "download_size": 83939, "dataset_size": 137404.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:04:23+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_mmlu_tr_conf_gpt2_nearestscore_true_y"
More Information needed | [
"# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true_y\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true_y\"\n\nMore Information needed"
] | [
6,
35
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true_y\"\n\nMore Information needed"
] | [
-0.11268090456724167,
0.12347304821014404,
-0.0018792343325912952,
0.031521234661340714,
0.06159644201397896,
0.01685219816863537,
0.03287062793970108,
0.07934456318616867,
0.0354752354323864,
0.03966968506574631,
0.09216052293777466,
0.03598511964082718,
0.09692668914794922,
0.12803716957569122,
-0.0021709641441702843,
0.034612517803907394,
0.01944088004529476,
0.015774155035614967,
-0.0007272978546097875,
0.059006478637456894,
0.0013507665134966373,
-0.027018515393137932,
0.05244121700525284,
-0.02758454717695713,
-0.21163253486156464,
0.09628233313560486,
-0.054664094001054764,
-0.06631208956241608,
0.07916156947612762,
0.01593221351504326,
0.061326153576374054,
-0.05409475043416023,
-0.020270340144634247,
-0.06665122509002686,
-0.0009545230423100293,
0.01105808187276125,
-0.06871143728494644,
-0.006914987228810787,
0.05794893950223923,
-0.14891788363456726,
-0.009819799102842808,
-0.006024789996445179,
-0.07138550281524658,
0.01100541464984417,
-0.17569437623023987,
-0.16691112518310547,
-0.0771503895521164,
-0.0543520487844944,
-0.0009451773366890848,
0.01938028819859028,
0.047433674335479736,
0.24801255762577057,
-0.11660103499889374,
0.06216167286038399,
0.094866544008255,
-0.08785752207040787,
0.0172246303409338,
0.1416694074869156,
-0.14577260613441467,
0.05022672191262245,
0.06258117407560349,
0.06454908102750778,
0.11786440759897232,
0.028096996247768402,
-0.15479624271392822,
-0.004732745699584484,
-0.22656622529029846,
0.11283362656831741,
-0.018542172387242317,
-0.12798088788986206,
0.2618117034435272,
-0.04243514686822891,
0.00524498987942934,
0.11521356552839279,
-0.057318683713674545,
-0.033781588077545166,
0.041228290647268295,
0.09970685839653015,
-0.008046602830290794,
0.07549277693033218,
-0.038338545709848404,
0.0736616849899292,
-0.10278446227312088,
-0.06814166903495789,
-0.2168748378753662,
0.2157749980688095,
-0.0032544173300266266,
0.16835695505142212,
-0.1641089767217636,
0.04387711361050606,
-0.05594871938228607,
-0.0764501541852951,
-0.003305582096800208,
-0.04704110324382782,
0.0030273396987468004,
-0.017872417345643044,
-0.01129550114274025,
0.07325495034456253,
0.1162075325846672,
-0.01394127868115902,
0.04765961319208145,
-0.005612293258309364,
-0.031497757881879807,
0.09450265020132065,
0.14338020980358124,
-0.030006302520632744,
-0.08342448621988297,
0.06431367993354797,
-0.039786648005247116,
-0.15189512073993683,
0.07036736607551575,
-0.01854453980922699,
-0.035256173461675644,
-0.09146511554718018,
-0.10633423179388046,
0.13085180521011353,
0.009973222389817238,
-0.08664313703775406,
-0.0702720507979393,
0.023362919688224792,
0.012674880214035511,
-0.0818435549736023,
-0.03762337565422058,
-0.05606965348124504,
-0.1454860121011734,
0.03476566821336746,
-0.0646628811955452,
0.023257864639163017,
0.036480266600847244,
-0.013279744423925877,
-0.04649643227458,
0.0491771325469017,
0.012893450446426868,
-0.026793742552399635,
0.10226921737194061,
-0.1072646751999855,
0.048121631145477295,
-0.15942049026489258,
-0.14952021837234497,
-0.00922984816133976,
-0.0024383484851568937,
-0.058765169233083725,
0.21075282990932465,
-0.004318018443882465,
0.02346879430115223,
-0.05922876298427582,
-0.009015871211886406,
0.013036786578595638,
-0.10964660346508026,
0.06706339120864868,
0.07058517634868622,
0.08677811175584793,
-0.05574062839150429,
0.020124731585383415,
-0.1754276156425476,
0.0021797865629196167,
0.0277413297444582,
-0.031686678528785706,
-0.07753308117389679,
0.11759023368358612,
-0.060885168612003326,
-0.004284424241632223,
-0.11487211287021637,
0.06044694036245346,
0.05426453426480293,
0.09267783910036087,
-0.12615960836410522,
-0.029256168752908707,
0.19582311809062958,
-0.08355670422315598,
-0.13056066632270813,
0.032797638326883316,
0.0443052314221859,
0.0012761295074597,
0.0725267231464386,
0.1934584230184555,
0.020759714767336845,
-0.06897003948688507,
-0.030645597726106644,
0.13189643621444702,
-0.15260155498981476,
-0.22405244410037994,
0.07255985587835312,
-0.006612658966332674,
-0.14788371324539185,
0.07933832705020905,
0.1493506133556366,
0.1273021250963211,
-0.04449017718434334,
-0.06386972218751907,
-0.018374118953943253,
-0.13234755396842957,
-0.02221265621483326,
0.046234823763370514,
-0.025712307542562485,
-0.10120145976543427,
0.1309550553560257,
-0.11791607737541199,
0.11906446516513824,
0.06176042929291725,
-0.06070837005972862,
0.0035235113464295864,
0.14772333204746246,
-0.20944303274154663,
-0.0437634103000164,
-0.11078944802284241,
-0.011051075533032417,
-0.010018332861363888,
-0.017170783132314682,
0.015381360426545143,
0.05680575221776962,
0.07759921252727509,
0.006899476051330566,
0.0607345774769783,
0.0574532076716423,
0.10529181361198425,
0.025341063737869263,
0.02281527779996395,
0.0020029949955642223,
0.16165362298488617,
-0.06279152631759644,
0.01633461005985737,
-0.01256519928574562,
-0.08641932904720306,
0.08718200027942657,
0.1274697482585907,
-0.019939830526709557,
0.03296828642487526,
0.11731330305337906,
0.03361087292432785,
-0.0007903814548626542,
-0.06385225802659988,
0.0016073439037427306,
-0.017851419746875763,
0.04632497951388359,
0.11619119346141815,
-0.054881155490875244,
0.1291532963514328,
0.13947562873363495,
-0.02009694278240204,
0.010109934024512768,
0.021591858938336372,
-0.004006498958915472,
0.018626471981406212,
-0.04481805860996246,
0.09303399175405502,
-0.025774391368031502,
-0.08255048096179962,
0.07261456549167633,
-0.09764261543750763,
-0.004494671244174242,
0.08473266661167145,
-0.10925371199846268,
-0.11248254776000977,
0.1412046253681183,
0.12911519408226013,
-0.26264435052871704,
0.16626401245594025,
0.17271772027015686,
0.15885986387729645,
0.07060419023036957,
-0.017919370904564857,
-0.06693954765796661,
0.005038981791585684,
0.054305825382471085,
-0.044769108295440674,
0.1715388298034668,
-0.012541900388896465,
-0.006151729729026556,
0.0709688812494278,
-0.01978919841349125,
0.09601293504238129,
-0.16082392632961273,
-0.10835571587085724,
-0.012533796951174736,
-0.025631314143538475,
-0.111053965985775,
0.07817243784666061,
-0.04063012823462486,
0.1132652685046196,
-0.02131003886461258,
0.008678521029651165,
0.05560394003987312,
0.03412221372127533,
-0.020357944071292877,
0.1406036913394928,
-0.13435782492160797,
-0.3095608055591583,
-0.00523378187790513,
-0.10135327279567719,
-0.0020828035194426775,
0.030993742868304253,
-0.020049335435032845,
-0.218626007437706,
-0.04004466161131859,
0.029596742242574692,
-0.08520887047052383,
-0.18239788711071014,
-0.018558962270617485,
-0.020415732637047768,
0.054900165647268295,
-0.06044529750943184,
-0.10167882591485977,
0.006408036220818758,
-0.0641893818974495,
0.010698869824409485,
0.15816955268383026,
-0.1535050868988037,
0.13914860785007477,
0.08007930964231491,
-0.002290098462253809,
0.08244138211011887,
-0.00004303058085497469,
0.09357447177171707,
-0.011843756772577763,
-0.10563935339450836,
0.14802630245685577,
0.12223313748836517,
0.03225370869040489,
0.07443253695964813,
0.02546408399939537,
-0.13119354844093323,
0.0073943352326750755,
-0.04912692680954933,
-0.16526910662651062,
-0.18329942226409912,
-0.171990305185318,
-0.010674943216145039,
0.023416751995682716,
0.04981633275747299,
0.08011075109243393,
-0.056864675134420395,
0.08901020884513855,
0.06423047184944153,
-0.015871262177824974,
-0.18196970224380493,
-0.028007343411445618,
-0.07580186426639557,
-0.007233886048197746,
-0.005845102481544018,
-0.13882803916931152,
-0.04113532602787018,
0.1559109389781952,
0.14520692825317383,
0.0594930537045002,
-0.021389510482549667,
-0.12426303327083588,
0.013994254171848297,
0.13248872756958008,
0.05758797377347946,
0.03166956454515457,
0.11357022076845169,
-0.022890610620379448,
0.038190629333257675,
-0.020118840038776398,
-0.061811983585357666,
0.008299906738102436,
0.05474480614066124,
-0.13330641388893127,
0.07979166507720947,
-0.1289590299129486,
0.09703850001096725,
-0.31613096594810486,
0.12690673768520355,
-0.20503057539463043,
0.056473664939403534,
-0.016422299668192863,
0.13802607357501984,
-0.05806199088692665,
0.030120478942990303,
0.06724380701780319,
-0.029423411935567856,
0.025401053950190544,
0.05118739232420921,
0.04351307079195976,
-0.02959365025162697,
-0.008725360035896301,
-0.01990542560815811,
-0.02208772487938404,
0.008556364104151726,
0.10935255885124207,
-0.14513538777828217,
0.25413063168525696,
0.06910203397274017,
-0.04070671647787094,
-0.11445941776037216,
-0.04960674047470093,
-0.009532404132187366,
-0.04073718562722206,
0.14349880814552307,
0.09039787948131561,
-0.039720598608255386,
-0.3237908184528351,
-0.10046762973070145,
0.03283867985010147,
0.09797588735818863,
0.0476575642824173,
-0.09870590269565582,
0.08715920150279999,
0.031767964363098145,
-0.07546799629926682,
-0.14600612223148346,
-0.03823070600628853,
0.002323334803804755,
0.010033519007265568,
0.0025833752006292343,
-0.19271047413349152,
0.004827355500310659,
-0.00943874940276146,
-0.16484437882900238,
0.03080974705517292,
0.1587046980857849,
-0.04898400232195854,
-0.07918738573789597,
0.06899799406528473,
0.13593074679374695,
-0.04624021798372269,
-0.0369914248585701,
-0.026988165453076363,
-0.06803534179925919,
-0.026675241068005562,
-0.14468738436698914,
0.05085742846131325,
-0.041608527302742004,
0.10317769646644592,
-0.08186217397451401,
0.16558711230754852,
0.002417497569695115,
-0.008098668418824673,
0.00006536458386108279,
0.040953561663627625,
-0.07846490293741226,
-0.04828251898288727,
0.14082512259483337,
0.039449650794267654,
0.08204831928014755,
0.22173523902893066,
0.09410105645656586,
0.0741962268948555,
0.028202319517731667,
-0.031327273696660995,
0.14526981115341187,
0.09244825690984726,
-0.05785570293664932,
0.11647091060876846,
0.1411559283733368,
-0.006815510336309671,
-0.2351066619157791,
0.021483270451426506,
-0.13533279299736023,
0.03102836012840271,
0.010647302493453026,
-0.10990715026855469,
0.11351072788238525,
0.09945771843194962,
-0.031191153451800346,
0.1691550612449646,
-0.311257928609848,
0.007570926565676928,
0.08608420938253403,
0.019925275817513466,
0.30056169629096985,
-0.06670868396759033,
-0.05341297760605812,
-0.027812229469418526,
-0.16691143810749054,
0.06882170587778091,
-0.18232442438602448,
0.08038171380758286,
-0.028912631794810295,
0.08191712945699692,
0.02799736149609089,
-0.0749841034412384,
0.17764326930046082,
0.023378778249025345,
0.0647481232881546,
-0.09965328872203827,
-0.016448358073830605,
0.0699399784207344,
0.010840114206075668,
0.043593309819698334,
0.09080452471971512,
0.1026502177119255,
-0.14193129539489746,
-0.035946425050497055,
-0.0032547349110245705,
0.04598879814147949,
0.08958606421947479,
-0.03683840483427048,
-0.11440158635377884,
-0.02495313435792923,
-0.07197842001914978,
-0.0568908229470253,
-0.09782130271196365,
0.0007933232700452209,
0.029642648994922638,
-0.047162942588329315,
-0.11500777304172516,
-0.09669530391693115,
0.054966434836387634,
-0.04684121906757355,
-0.05203765258193016,
0.024441460147500038,
-0.2438601404428482,
0.019003596156835556,
0.13810665905475616,
0.0388740636408329,
-0.03741864860057831,
0.02085457369685173,
-0.08017563074827194,
0.0561503991484642,
0.15899357199668884,
-0.14660947024822235,
0.09589674323797226,
-0.006464268080890179,
-0.023617738857865334,
0.14910537004470825,
0.042277757078409195,
0.03558073192834854,
0.03667455166578293,
-0.019796548411250114,
-0.02389013022184372,
0.022218333557248116,
-0.045682985335588455,
0.10310971736907959,
0.053893592208623886,
-0.01856350712478161,
-0.19420266151428223,
0.2841201722621918,
0.007872502319514751,
0.019471975043416023,
0.0021652558352798223,
-0.015548204071819782,
-0.09481914341449738,
-0.06444865465164185,
0.07582069933414459,
0.1506781429052353,
-0.10290637612342834,
-0.13320763409137726,
-0.06392852216959,
-0.007555187214165926,
0.005963562056422234,
0.177286297082901,
0.09358745068311691,
0.08823557943105698,
0.030824976041913033,
-0.07099808752536774,
-0.02299531362950802,
-0.05568595603108406,
0.043633248656988144,
-0.00742748100310564,
-0.06549812853336334,
0.020090999081730843,
-0.03207173943519592,
0.17563188076019287,
-0.04847654327750206,
-0.050542525947093964,
-0.06236891821026802,
0.08259982615709305,
-0.09761941432952881,
-0.020134661346673965,
-0.012372946366667747,
0.004324796609580517,
0.007681862451136112,
-0.04698871076107025,
-0.021274546161293983,
-0.004490718711167574,
-0.10545457154512405,
0.061479516327381134,
0.01911281794309616,
-0.03589130938053131,
-0.08194077759981155,
-0.044095657765865326,
0.07310944050550461,
0.07362368702888489,
0.028227699920535088,
0.16733916103839874,
0.003792125266045332,
0.08996672183275223,
-0.1659020036458969,
-0.1648353487253189,
0.10293471068143845,
0.06434338539838791,
0.04850206524133682,
0.0374365858733654,
0.07139111310243607,
0.07569551467895508,
-0.06363168358802795,
0.03949166461825371,
0.012640620581805706,
-0.049716509878635406,
-0.09235547482967377,
-0.15855932235717773,
-0.03659489005804062,
-0.05141918361186981,
-0.024389473721385002,
0.1753518432378769,
0.12216231226921082,
-0.09019801020622253,
0.021174639463424683,
0.02245311252772808,
-0.025566836819052696,
-0.08127493411302567,
-0.05084681138396263,
-0.1772620677947998,
-0.10999086499214172,
0.05974441021680832,
0.042117152363061905,
-0.03566209226846695,
0.32292234897613525,
0.02985278144478798,
-0.004119330085813999,
-0.06261017918586731,
0.1547478288412094,
0.049493636935949326,
-0.05687836557626724,
0.21173511445522308,
0.0849105566740036,
0.005573704373091459,
-0.12581390142440796,
0.0692100003361702,
0.04185523837804794,
-0.07112672924995422,
-0.050799302756786346,
0.037113916128873825,
0.13235464692115784,
-0.012883533723652363,
0.04500248655676842,
-0.12832574546337128,
0.11658060550689697,
-0.12311463803052902,
-0.10229886323213577,
-0.04692228138446808,
0.058507367968559265,
-0.05076953396201134,
0.05764645338058472,
-0.0073320879600942135,
-0.07284262776374817,
-0.026248399168252945,
-0.03193654865026474,
-0.08985470980405807,
-0.10780302435159683,
-0.041185613721609116,
-0.06255288422107697,
0.06652046740055084,
-0.03936762735247612,
0.010585987009108067,
0.20477591454982758,
0.04672118276357651,
0.02567441761493683,
0.08388543874025345,
-0.022469324991106987,
-0.041826192289590836,
-0.005258031655102968,
-0.024992715567350388,
0.03237207606434822,
0.018911544233560562,
-0.055715546011924744,
0.022133076563477516,
-0.044162023812532425,
0.007927502505481243,
0.0098122488707304,
0.07816075533628464,
0.006709802895784378,
-0.16130103170871735,
-0.018361765891313553,
-0.07171394675970078,
0.06489507853984833,
-0.06342855095863342,
-0.01961294189095497,
0.07936865836381912,
0.04499402642250061,
0.05417662113904953,
0.1752624660730362,
0.03698268160223961,
0.01687738671898842,
0.0033506485633552074,
0.11289843171834946,
-0.04195146635174751,
0.058930788189172745,
0.012289254926145077,
-0.050573211163282394,
-0.03748774155974388,
0.20259509980678558,
0.14549635350704193,
-0.012403780594468117,
-0.01543899904936552,
-0.022599438205361366,
0.04718927666544914,
0.007179143838584423,
0.02907981351017952,
0.06607838720083237,
0.09226525574922562,
-0.10343318432569504,
-0.13462978601455688,
0.010309351608157158,
0.0027938545681536198,
-0.023580053821206093,
-0.00887647457420826,
0.007727477233856916,
-0.06634603440761566,
-0.14635828137397766,
0.1442546248435974,
-0.08535900712013245,
0.18816901743412018,
0.03659242019057274,
-0.14702263474464417,
-0.09374188631772995,
0.005758093670010567,
0.03374597057700157,
0.09869828820228577,
0.03537345305085182,
-0.12289581447839737,
0.014169524423778057,
-0.1704198569059372,
0.03327775001525879,
-0.3386281728744507,
-0.15519167482852936,
-0.012582765892148018,
0.12432186305522919,
-0.005577904172241688,
-0.013897564262151718,
0.0974826067686081,
0.0595618337392807,
0.027254976332187653,
-0.07643841952085495,
0.040911946445703506,
0.022636570036411285,
0.010894299484789371,
-0.07548974454402924,
-0.06258524954319,
0.010107762180268764,
-0.19275902211666107,
0.08921974152326584,
0.08275507390499115,
0.019590716809034348,
0.061770640313625336,
0.11394365131855011,
-0.05406113341450691,
0.010833431966602802,
-0.08094533532857895,
0.11761070787906647,
-0.013049762696027756,
-0.038986220955848694,
0.02583208680152893,
-0.052108775824308395,
0.07395393401384354,
0.004402004182338715,
-0.12931330502033234,
0.01871328428387642,
-0.0014109889743849635,
-0.006404321640729904,
0.05733576789498329,
0.015137900598347187,
0.006987153086811304,
0.03518436849117279,
-0.02280941605567932,
-0.015921711921691895,
0.038420289754867554,
0.08764816075563431,
0.07260609418153763,
0.0997527539730072,
-0.02117261290550232,
-0.048105254769325256,
0.0693126916885376,
0.023064345121383667,
0.02501165121793747,
-0.14966697990894318
] |
ae484fd785c2b9e5a1dbd1a6bd85cda47f60f153 | # Dataset Card for "araproje_mmlu_tr_conf_gpt2_nearestscore_true_x"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_mmlu_tr_conf_gpt2_nearestscore_true_x | [
"region:us"
] | 2024-01-14T10:04:25+00:00 | {"dataset_info": {"features": [{"name": "question", "dtype": "string"}, {"name": "subject", "dtype": "string"}, {"name": "choices", "sequence": "string"}, {"name": "answer", "dtype": {"class_label": {"names": {"0": "A", "1": "B", "2": "C", "3": "D"}}}}], "splits": [{"name": "validation", "num_bytes": 137404.0, "num_examples": 250}], "download_size": 83805, "dataset_size": 137404.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:04:26+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_mmlu_tr_conf_gpt2_nearestscore_true_x"
More Information needed | [
"# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true_x\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true_x\"\n\nMore Information needed"
] | [
6,
35
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true_x\"\n\nMore Information needed"
] | [
-0.12470681220293045,
0.12463036924600601,
-0.0016461207997053862,
0.03570759668946266,
0.048613861203193665,
0.01641656830906868,
0.030601155012845993,
0.08272923529148102,
0.038951575756073,
0.043785516172647476,
0.09323838353157043,
0.046497710049152374,
0.10028702765703201,
0.15177667140960693,
-0.00577185396105051,
0.04087136685848236,
0.017617471516132355,
0.021351590752601624,
-0.0076085529290139675,
0.05564090982079506,
0.007003397215157747,
-0.034249696880578995,
0.06005767360329628,
-0.03288370743393898,
-0.21746325492858887,
0.09562622010707855,
-0.04959858953952789,
-0.06903962790966034,
0.06988795101642609,
0.02106388472020626,
0.05671202391386032,
-0.05850373953580856,
-0.024372359737753868,
-0.07274544984102249,
0.0027991048991680145,
0.006564031820744276,
-0.0702667385339737,
-0.0028118882328271866,
0.07553835213184357,
-0.16537576913833618,
-0.025035545229911804,
0.0013398727169260383,
-0.07130216807126999,
0.021033819764852524,
-0.18370601534843445,
-0.16447016596794128,
-0.07271070033311844,
-0.03629106283187866,
-0.004043890628963709,
0.030051320791244507,
0.04134153202176094,
0.25253036618232727,
-0.10442422330379486,
0.06737339496612549,
0.09302877634763718,
-0.11158378422260284,
0.011030510999262333,
0.15073470771312714,
-0.11341270059347153,
0.08385389298200607,
0.06204363331198692,
0.06990864127874374,
0.12357930094003677,
0.01506743859499693,
-0.14338120818138123,
-0.017274748533964157,
-0.2177003026008606,
0.11076312512159348,
-0.02668706513941288,
-0.1214316189289093,
0.2599988877773285,
-0.031225988641381264,
-0.0003606432001106441,
0.10323403775691986,
-0.051632244139909744,
-0.06885363161563873,
0.04807836562395096,
0.0915098711848259,
0.0004583332338370383,
0.08441679924726486,
-0.027417903766036034,
0.0678781270980835,
-0.0987267941236496,
-0.070804163813591,
-0.19411700963974,
0.22667181491851807,
-0.015347769483923912,
0.17368461191654205,
-0.16128017008304596,
0.032513126730918884,
-0.06015302240848541,
-0.07711982727050781,
0.0006744203856214881,
-0.062409088015556335,
-0.009153119288384914,
-0.011279279366135597,
-0.008219514042139053,
0.07279825955629349,
0.10953339189291,
-0.003645697608590126,
0.06449739634990692,
0.004863056819885969,
-0.03921251371502876,
0.09322328865528107,
0.14152811467647552,
-0.02685609459877014,
-0.07416808605194092,
0.03710799291729927,
-0.04806661605834961,
-0.1506395936012268,
0.059870216995477676,
-0.016063477843999863,
-0.03176720440387726,
-0.07783348858356476,
-0.13261236250400543,
0.14179790019989014,
0.006916223559528589,
-0.0875818282365799,
-0.07013273984193802,
0.017289012670516968,
0.016110651195049286,
-0.07883136719465256,
-0.02886352501809597,
-0.052048459649086,
-0.14516402781009674,
0.054253969341516495,
-0.06389161199331284,
0.02338854782283306,
0.026013249531388283,
-0.029384005814790726,
-0.04242515191435814,
0.048475481569767,
0.0010979712242260575,
-0.040590666234493256,
0.09501273930072784,
-0.12157442420721054,
0.049558915197849274,
-0.1598755270242691,
-0.13599705696105957,
-0.010069742798805237,
0.0017215072875842452,
-0.05385948345065117,
0.2053903192281723,
0.0009681004448793828,
0.03346589580178261,
-0.06354457139968872,
-0.01319257915019989,
0.017960453405976295,
-0.10958398133516312,
0.05710336193442345,
0.08184199780225754,
0.09397538751363754,
-0.058629803359508514,
0.016517652198672295,
-0.16028307378292084,
-0.0008303092326968908,
0.01194758154451847,
-0.02709697000682354,
-0.0885130763053894,
0.12175150960683823,
-0.07821813970804214,
0.00021211073908489197,
-0.11732584983110428,
0.06491412222385406,
0.047448672354221344,
0.07717674225568771,
-0.13234113156795502,
-0.02171376533806324,
0.21466103196144104,
-0.0799599289894104,
-0.14822795987129211,
0.029552359133958817,
0.0505269318819046,
-0.0034625609405338764,
0.0670127421617508,
0.17071038484573364,
0.024608436971902847,
-0.06590832769870758,
-0.03391224145889282,
0.13016179203987122,
-0.16319967806339264,
-0.22906222939491272,
0.0853273943066597,
-0.017670808359980583,
-0.14267243444919586,
0.07664425671100616,
0.16320748627185822,
0.11922457814216614,
-0.0362662747502327,
-0.06509365886449814,
-0.019269395619630814,
-0.14050088822841644,
-0.037888552993535995,
0.035915911197662354,
-0.0287089291960001,
-0.09982537478208542,
0.11256340891122818,
-0.1267988234758377,
0.11297722160816193,
0.06335584074258804,
-0.06663110852241516,
-0.0015374429058283567,
0.13849523663520813,
-0.237288236618042,
-0.04147186130285263,
-0.1298510730266571,
-0.0035099773667752743,
-0.0014349821722134948,
-0.002257368993014097,
0.013226750306785107,
0.06833886355161667,
0.07835683226585388,
-0.004691770300269127,
0.06564076989889145,
0.06056853011250496,
0.11643848568201065,
0.017150765284895897,
0.00824411679059267,
0.008832459338009357,
0.16082903742790222,
-0.06619461625814438,
-0.0027272221632301807,
-0.013348986394703388,
-0.08837396651506424,
0.07482929527759552,
0.10856781154870987,
-0.013337647542357445,
0.022471796721220016,
0.11534730345010757,
0.025693019852042198,
-0.0011698000598698854,
-0.06758119910955429,
0.0005049728788435459,
-0.021146973595023155,
0.04563687741756439,
0.11907880753278732,
-0.0738399475812912,
0.14024260640144348,
0.14766353368759155,
-0.037314362823963165,
0.0012816833332180977,
0.02896616794168949,
-0.006709406618028879,
0.026962023228406906,
-0.04611203446984291,
0.10159863531589508,
-0.03510377183556557,
-0.08786209672689438,
0.06931130588054657,
-0.1012139841914177,
-0.009009715169668198,
0.08904708176851273,
-0.09014150500297546,
-0.11074257642030716,
0.13948456943035126,
0.15020768344402313,
-0.25588536262512207,
0.15890729427337646,
0.17919635772705078,
0.17843244969844818,
0.058582618832588196,
-0.014316581189632416,
-0.06933880597352982,
-0.0011986016761511564,
0.06012626364827156,
-0.041919659823179245,
0.1680997759103775,
-0.002547139534726739,
-0.007192936725914478,
0.07477055490016937,
-0.021000631153583527,
0.09638648480176926,
-0.15846246480941772,
-0.10273276269435883,
-0.002665339969098568,
-0.031311094760894775,
-0.11038995534181595,
0.07733665406703949,
-0.05059099197387695,
0.1089729592204094,
-0.024914326146245003,
0.0006395617965608835,
0.0548434853553772,
0.03859620913863182,
-0.025769181549549103,
0.12976469099521637,
-0.1293143928050995,
-0.29181262850761414,
-0.0037071274127811193,
-0.07483337819576263,
-0.002108299173414707,
0.03354811295866966,
-0.023610178381204605,
-0.20175327360630035,
-0.04985920712351799,
0.023877687752246857,
-0.10993008315563202,
-0.20162859559059143,
-0.012912937439978123,
-0.00978130754083395,
0.05283233895897865,
-0.05354119464755058,
-0.10124881565570831,
0.004319744184613228,
-0.06701452285051346,
0.003974840510636568,
0.1433037966489792,
-0.15351130068302155,
0.14110134541988373,
0.08540640026330948,
-0.0027227408718317747,
0.08313643932342529,
-0.0026127207092940807,
0.08237158507108688,
-0.019083969295024872,
-0.11003390699625015,
0.1531188040971756,
0.10923656821250916,
0.023750940337777138,
0.048891257494688034,
0.019200703129172325,
-0.14184531569480896,
0.007753347046673298,
-0.04142119735479355,
-0.16219480335712433,
-0.1977216899394989,
-0.15826717019081116,
-0.018388060852885246,
0.04329856112599373,
0.052413612604141235,
0.08921992033720016,
-0.06738051027059555,
0.10197849571704865,
0.07437607645988464,
-0.020325392484664917,
-0.1893453747034073,
-0.02255903370678425,
-0.10489726811647415,
-0.002043541520833969,
0.0004296322586014867,
-0.14887882769107819,
-0.032882384955883026,
0.15693137049674988,
0.13815239071846008,
0.06137850135564804,
-0.001687340554781258,
-0.10960960388183594,
0.01165858469903469,
0.1160200834274292,
0.05396127328276634,
0.04260065406560898,
0.11639758944511414,
-0.028735928237438202,
0.03814337030053139,
-0.021505193784832954,
-0.07077939808368683,
0.005333839915692806,
0.07040894031524658,
-0.12342817336320877,
0.07415707409381866,
-0.11451193690299988,
0.10065633803606033,
-0.29396912455558777,
0.11193947494029999,
-0.20328973233699799,
0.06273742020130157,
-0.018370138481259346,
0.13793492317199707,
-0.05416356027126312,
0.027675965800881386,
0.06576074659824371,
-0.02967819571495056,
0.029231484979391098,
0.04220585152506828,
0.05229688063263893,
-0.021719831973314285,
-0.009443528018891811,
-0.02581639029085636,
-0.04375612363219261,
-0.0010964784305542707,
0.1057259663939476,
-0.15841971337795258,
0.24383436143398285,
0.07181961834430695,
-0.0360172837972641,
-0.11456002295017242,
-0.038632165640592575,
-0.01900705322623253,
-0.04714057594537735,
0.15272127091884613,
0.0813533365726471,
-0.07206634432077408,
-0.32597780227661133,
-0.10557416081428528,
0.03766530007123947,
0.10674037784337997,
0.04458833113312721,
-0.09648513793945312,
0.0915711522102356,
0.03624331206083298,
-0.0698377788066864,
-0.12501361966133118,
-0.05226695165038109,
0.0048748585395514965,
0.006269788835197687,
0.001455675228498876,
-0.20311973989009857,
0.01514995377510786,
0.00241073127835989,
-0.1907249242067337,
0.052149053663015366,
0.14841049909591675,
-0.035243771970272064,
-0.09591882675886154,
0.05663532763719559,
0.12758418917655945,
-0.040502119809389114,
-0.025822287425398827,
-0.023856766521930695,
-0.05389503017067909,
-0.026858441531658173,
-0.13926401734352112,
0.06959877908229828,
-0.05133785307407379,
0.10227508842945099,
-0.08198853582143784,
0.1554114818572998,
-0.008618109859526157,
-0.007734984625130892,
-0.0052890474908053875,
0.03403656557202339,
-0.07129751890897751,
-0.05050579085946083,
0.15532222390174866,
0.019469432532787323,
0.07645422965288162,
0.2271348536014557,
0.10369402915239334,
0.06328798085451126,
0.045072250068187714,
-0.03343488276004791,
0.14381128549575806,
0.09894983470439911,
-0.05414144694805145,
0.10876785218715668,
0.11492880433797836,
-0.005742231849581003,
-0.2206372171640396,
0.04086368903517723,
-0.14361844956874847,
0.025320297107100487,
0.029935957863926888,
-0.09733222424983978,
0.111427903175354,
0.08975791931152344,
-0.028670771047472954,
0.17275770008563995,
-0.3136204481124878,
0.010502460412681103,
0.084173284471035,
0.01951407641172409,
0.28174859285354614,
-0.07988590002059937,
-0.04726915434002876,
-0.0508551262319088,
-0.19578316807746887,
0.08087711781263351,
-0.17939160764217377,
0.08660230785608292,
-0.027402877807617188,
0.0544276237487793,
0.02567320317029953,
-0.07647087424993515,
0.16781914234161377,
0.02920955792069435,
0.06691429018974304,
-0.09802750498056412,
-0.022715769708156586,
0.05517958104610443,
0.011380558833479881,
0.046039506793022156,
0.07088954001665115,
0.0899900421500206,
-0.1674422323703766,
-0.04182666912674904,
0.014868796803057194,
0.04032887890934944,
0.08796300739049911,
-0.03793402388691902,
-0.11560630053281784,
-0.025107620283961296,
-0.06859571486711502,
-0.04258420318365097,
-0.09739793092012405,
-0.011290679685771465,
0.027732081711292267,
-0.030254187062382698,
-0.10845600813627243,
-0.07599321007728577,
0.035885460674762726,
-0.04666382819414139,
-0.050715360790491104,
0.02812385745346546,
-0.2526893615722656,
0.028278257697820663,
0.1379365772008896,
0.0276635754853487,
-0.03290504217147827,
0.027407918125391006,
-0.0760890543460846,
0.05979369580745697,
0.15291950106620789,
-0.13011813163757324,
0.09543100744485855,
0.00228900951333344,
-0.04826978221535683,
0.14884521067142487,
0.03211276978254318,
0.038788869976997375,
0.04275278002023697,
-0.015272839926183224,
-0.032720450311899185,
0.02464653179049492,
-0.04901076480746269,
0.10170894116163254,
0.04518675431609154,
-0.017742769792675972,
-0.18901407718658447,
0.2974635362625122,
0.008013743907213211,
0.014972110278904438,
0.0049130418337881565,
-0.021864620968699455,
-0.08279792964458466,
-0.06227702647447586,
0.10660919547080994,
0.16452333331108093,
-0.11858247220516205,
-0.13182894885540009,
-0.0690777450799942,
-0.014257242903113365,
0.019740454852581024,
0.16966120898723602,
0.08580046892166138,
0.07599011063575745,
0.04217299073934555,
-0.05945124104619026,
-0.027188995853066444,
-0.06426317244768143,
0.03966305032372475,
-0.008149245753884315,
-0.057875219732522964,
0.04070552438497543,
-0.033857639878988266,
0.16288915276527405,
-0.040353838354349136,
-0.04283807426691055,
-0.072545625269413,
0.07927565276622772,
-0.10711266100406647,
-0.015147115103900433,
-0.0055160378105938435,
-0.0020460716914385557,
0.0067517817951738834,
-0.032669954001903534,
-0.03804958239197731,
-0.0065915510058403015,
-0.11112320423126221,
0.06129079312086105,
0.030172042548656464,
-0.03880391642451286,
-0.08293435722589493,
-0.03585955873131752,
0.061682578176259995,
0.08271872997283936,
0.031185436993837357,
0.1563020944595337,
0.009814301505684853,
0.08082959055900574,
-0.17472587525844574,
-0.15211477875709534,
0.10532326251268387,
0.059109993278980255,
0.04615148901939392,
0.056719403713941574,
0.08271579444408417,
0.08235128223896027,
-0.0723130851984024,
0.03647243604063988,
-0.009405731223523617,
-0.05357338488101959,
-0.09738468378782272,
-0.15800602734088898,
-0.03399595990777016,
-0.038838282227516174,
-0.022357575595378876,
0.1722297966480255,
0.11714360862970352,
-0.09640724211931229,
0.02972198836505413,
0.021556001156568527,
-0.032555658370256424,
-0.07997454702854156,
-0.045625973492860794,
-0.17472320795059204,
-0.0970429852604866,
0.07172015309333801,
0.0459740050137043,
-0.04210413992404938,
0.3337203562259674,
0.04416675120592117,
0.00849144160747528,
-0.058268725872039795,
0.1396106779575348,
0.054083261638879776,
-0.053546324372291565,
0.21912088990211487,
0.08934091776609421,
0.013038022443652153,
-0.11132287979125977,
0.07594089210033417,
0.059005897492170334,
-0.055824052542448044,
-0.026020685210824013,
0.03724660351872444,
0.12877939641475677,
0.0027160674799233675,
0.042359769344329834,
-0.1409638673067093,
0.12048123776912689,
-0.1328408420085907,
-0.1042572408914566,
-0.03575228899717331,
0.0561494417488575,
-0.08477665483951569,
0.04554281383752823,
-0.004370317328721285,
-0.06707731634378433,
-0.03713047504425049,
-0.025017594918608665,
-0.10023194551467896,
-0.09572074562311172,
-0.03698990121483803,
-0.0569293387234211,
0.06347674131393433,
-0.03658989816904068,
0.01680593565106392,
0.1859961450099945,
0.04823246970772743,
0.028024345636367798,
0.0785561054944992,
-0.04968423768877983,
-0.031013865023851395,
-0.006451108492910862,
-0.027573617175221443,
0.029682587832212448,
0.01529862079769373,
-0.049621935933828354,
0.02046511508524418,
-0.041164837777614594,
0.014132658950984478,
0.0030834462959319353,
0.06361225247383118,
0.014037983492016792,
-0.15278172492980957,
-0.014358364045619965,
-0.07231341302394867,
0.06068161875009537,
-0.058746010065078735,
0.00510023720562458,
0.07918360829353333,
0.05001891404390335,
0.0522298663854599,
0.1696135401725769,
0.03863637149333954,
0.022690709680318832,
0.00009109013626584783,
0.07713428139686584,
-0.03493567556142807,
0.07093584537506104,
0.001146381488069892,
-0.05350504443049431,
-0.03614344075322151,
0.21012990176677704,
0.1448395848274231,
-0.028246723115444183,
-0.010320201516151428,
-0.013427517376840115,
0.0470493845641613,
0.014620085246860981,
0.028683265671133995,
0.05539454519748688,
0.08991597592830658,
-0.09730906784534454,
-0.11639639735221863,
0.02139431983232498,
0.0011849423171952367,
-0.012317294254899025,
-0.007730584591627121,
0.023999439552426338,
-0.055728815495967865,
-0.13032786548137665,
0.14349903166294098,
-0.07895313203334808,
0.2051481455564499,
0.043907035142183304,
-0.12949886918067932,
-0.09218145906925201,
0.0033458841498941183,
0.022564861923456192,
0.1055893823504448,
0.030606083571910858,
-0.11905863881111145,
0.0009194599115289748,
-0.16088008880615234,
0.028775108978152275,
-0.34087830781936646,
-0.17181941866874695,
-0.022726183757185936,
0.11278506368398666,
0.009190659038722515,
-0.011009197682142258,
0.08981335908174515,
0.061234425753355026,
0.01964826136827469,
-0.07954628765583038,
0.041550163179636,
0.011170503683388233,
0.005350010469555855,
-0.06290346384048462,
-0.058293018490076065,
-0.0011443078983575106,
-0.17170092463493347,
0.08847153931856155,
0.10881142318248749,
0.02587898261845112,
0.05824664980173111,
0.1163875162601471,
-0.05152120068669319,
0.0056388285011053085,
-0.08714049309492111,
0.12167607247829437,
-0.010541534051299095,
-0.04518454521894455,
0.031108587980270386,
-0.040423765778541565,
0.09164396673440933,
0.0006193083245307207,
-0.09819617867469788,
0.012228457257151604,
-0.004819210153073072,
-0.0036546627525240183,
0.06908629089593887,
0.020080141723155975,
0.0003626147808972746,
0.030680179595947266,
-0.03279024362564087,
-0.020296692848205566,
0.030899975448846817,
0.07609296590089798,
0.08225469291210175,
0.10059081017971039,
-0.027600891888141632,
-0.06539679318666458,
0.06731898337602615,
0.02508925087749958,
0.028519129380583763,
-0.14700756967067719
] |
936a90253f0615b3e8b0d23e05c4af3f0ecdb260 | # Dataset Card for "araproje_mmlu_tr_conf_gpt2_nearestscore_true"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_mmlu_tr_conf_gpt2_nearestscore_true | [
"region:us"
] | 2024-01-14T10:04:28+00:00 | {"dataset_info": {"features": [{"name": "question", "dtype": "string"}, {"name": "subject", "dtype": "string"}, {"name": "choices", "sequence": "string"}, {"name": "answer", "dtype": {"class_label": {"names": {"0": "A", "1": "B", "2": "C", "3": "D"}}}}], "splits": [{"name": "validation", "num_bytes": 137404.0, "num_examples": 250}], "download_size": 83939, "dataset_size": 137404.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:04:29+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_mmlu_tr_conf_gpt2_nearestscore_true"
More Information needed | [
"# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
6,
33
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_mmlu_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
-0.10895192623138428,
0.11800548434257507,
-0.0018123859772458673,
0.03882692754268646,
0.04713290184736252,
0.023828983306884766,
0.03719444200396538,
0.06211237981915474,
0.022542282938957214,
0.04274512827396393,
0.0990438237786293,
0.016966823488473892,
0.09462008625268936,
0.12713521718978882,
0.002745134988799691,
0.03602883219718933,
0.021848054602742195,
0.015044811181724072,
-0.0071706632152199745,
0.05795535445213318,
0.006322919856756926,
-0.02056409791111946,
0.06360022723674774,
-0.020065704360604286,
-0.21384088695049286,
0.09750586003065109,
-0.043117910623550415,
-0.06955263763666153,
0.0803016871213913,
0.021691251546144485,
0.06168725714087486,
-0.07417042553424835,
-0.0147608807310462,
-0.058924902230501175,
0.0003026885096915066,
0.00570793729275465,
-0.06738083064556122,
-0.0037403397727757692,
0.06259752064943314,
-0.16189447045326233,
-0.01027120091021061,
0.013592666946351528,
-0.06320584565401077,
0.014853069558739662,
-0.18443945050239563,
-0.14816667139530182,
-0.06364908069372177,
-0.043367378413677216,
-0.01469199638813734,
0.02560868300497532,
0.048349447548389435,
0.24088247120380402,
-0.10669974237680435,
0.06402949243783951,
0.07235985994338989,
-0.09496543556451797,
0.009799698367714882,
0.17299962043762207,
-0.1510986089706421,
0.060126546770334244,
0.06145518273115158,
0.06457503885030746,
0.12813514471054077,
0.03372373804450035,
-0.1467525064945221,
-0.01037792768329382,
-0.22177132964134216,
0.0983259305357933,
-0.018425988033413887,
-0.1295676827430725,
0.2680389881134033,
-0.041914425790309906,
-0.0053848400712013245,
0.10926339775323868,
-0.06296420842409134,
-0.04277762770652771,
0.051950614899396896,
0.09608697891235352,
-0.00736420089378953,
0.09629622101783752,
-0.03367780148983002,
0.07219705730676651,
-0.10450953245162964,
-0.09184907376766205,
-0.22567345201969147,
0.21168944239616394,
-0.01622641459107399,
0.1681012511253357,
-0.16494929790496826,
0.043355610221624374,
-0.07298844307661057,
-0.07711274176836014,
-0.0025826445780694485,
-0.05886993184685707,
0.011094244197010994,
-0.014781653881072998,
-0.02075822278857231,
0.08173879235982895,
0.11730196326971054,
0.010650674812495708,
0.07420101016759872,
0.0016724346205592155,
-0.03947123885154724,
0.08901999890804291,
0.13497810065746307,
-0.043713249266147614,
-0.08417906612157822,
0.045013464987277985,
-0.04891736060380936,
-0.1638757288455963,
0.07206214964389801,
-0.009228760376572609,
-0.018175829201936722,
-0.09336646646261215,
-0.12426546216011047,
0.12739373743534088,
-0.00918169878423214,
-0.08659889549016953,
-0.05959697067737579,
0.03309879079461098,
0.013889595866203308,
-0.07958745211362839,
-0.04649793356657028,
-0.06254813820123672,
-0.13854177296161652,
0.05070321634411812,
-0.0607820563018322,
0.02723628096282482,
0.03478134796023369,
-0.008725140243768692,
-0.047356922179460526,
0.04485207796096802,
0.012546359561383724,
-0.03379599004983902,
0.10408803075551987,
-0.11392345279455185,
0.04777367040514946,
-0.16821832954883575,
-0.1321328580379486,
-0.007453126832842827,
0.004430548753589392,
-0.06220525503158569,
0.21501514315605164,
0.008857018314301968,
0.031103841960430145,
-0.05668100714683533,
-0.009776841849088669,
0.014493102207779884,
-0.11172081530094147,
0.05223133787512779,
0.08402436226606369,
0.0881328284740448,
-0.06577625125646591,
0.006215648725628853,
-0.17839619517326355,
-0.0007469626143574715,
0.017621813341975212,
-0.043946847319602966,
-0.07820264995098114,
0.1196533814072609,
-0.08000482618808746,
-0.0012250588042661548,
-0.14717121422290802,
0.061658550053834915,
0.06364776939153671,
0.08894576877355576,
-0.12462227046489716,
-0.015909608453512192,
0.21634607017040253,
-0.10040551424026489,
-0.14478664100170135,
0.038841091096401215,
0.04928591102361679,
0.016300035640597343,
0.06614935398101807,
0.1680680215358734,
0.011643650941550732,
-0.07187554240226746,
-0.01995149441063404,
0.12609831988811493,
-0.1507573425769806,
-0.21316790580749512,
0.07516075670719147,
-0.027206391096115112,
-0.1515866219997406,
0.08059120923280716,
0.17784391343593597,
0.12380509823560715,
-0.03397562727332115,
-0.05486675351858139,
-0.031047144904732704,
-0.14272382855415344,
-0.042152680456638336,
0.024939876049757004,
-0.02077506110072136,
-0.10144899040460587,
0.1317608654499054,
-0.12330030649900436,
0.10680243372917175,
0.06317932903766632,
-0.06817465275526047,
0.0029774350114166737,
0.12605899572372437,
-0.23051775991916656,
-0.04592384397983551,
-0.126090869307518,
-0.01225495059043169,
-0.009919170290231705,
-0.016648652032017708,
0.024201489984989166,
0.049304939806461334,
0.09189288318157196,
0.00016341930313501507,
0.055123213678598404,
0.08257579058408737,
0.11601360142230988,
0.028246726840734482,
0.02110610343515873,
0.01725948229432106,
0.16188466548919678,
-0.06109318509697914,
0.003814050927758217,
-0.010835976339876652,
-0.08541859686374664,
0.08027686923742294,
0.1417219638824463,
-0.019305773079395294,
0.027927996590733528,
0.1184256449341774,
0.021417392417788506,
-0.0030693092849105597,
-0.06894003599882126,
-0.001722735003568232,
-0.019911233335733414,
0.049988891929388046,
0.12629006803035736,
-0.05786842480301857,
0.13707375526428223,
0.14911985397338867,
-0.021788442507386208,
0.0013160206144675612,
0.011478305794298649,
0.006613692734390497,
0.020472895354032516,
-0.04809429496526718,
0.09818535298109055,
-0.0422571636736393,
-0.08341233432292938,
0.06667643040418625,
-0.10093475878238678,
0.0016755386022850871,
0.0890280157327652,
-0.10535994172096252,
-0.11822264641523361,
0.13251857459545135,
0.1395089030265808,
-0.26007750630378723,
0.15706095099449158,
0.1782887727022171,
0.15581026673316956,
0.05546111986041069,
-0.0075033679604530334,
-0.07612812519073486,
0.005226924549788237,
0.0494912713766098,
-0.045392297208309174,
0.1620723158121109,
-0.012552876956760883,
-0.006389717571437359,
0.07855706661939621,
-0.0007923190132714808,
0.09384091198444366,
-0.15699782967567444,
-0.09585612267255783,
-0.016685808077454567,
-0.02188265323638916,
-0.10825356841087341,
0.08720264583826065,
-0.048339877277612686,
0.10932130366563797,
-0.03120083548128605,
0.00397878885269165,
0.058501001447439194,
0.03614931181073189,
-0.020957408472895622,
0.1311710774898529,
-0.1228741705417633,
-0.2819267213344574,
-0.021367616951465607,
-0.0890652984380722,
-0.01587093435227871,
0.039702460169792175,
-0.0193488672375679,
-0.20657747983932495,
-0.04505883529782295,
0.017810819670557976,
-0.09456629306077957,
-0.19382381439208984,
-0.02149653062224388,
-0.011957516893744469,
0.054169442504644394,
-0.054620251059532166,
-0.10285189002752304,
0.0036431592889130116,
-0.05671830102801323,
0.01355535164475441,
0.14918939769268036,
-0.16478732228279114,
0.133999764919281,
0.07630858570337296,
-0.0048338426277041435,
0.07926423102617264,
0.0036320858635008335,
0.09708268940448761,
-0.006789361126720905,
-0.105399951338768,
0.16070841252803802,
0.11267882585525513,
0.018317893147468567,
0.06311658024787903,
0.02341400273144245,
-0.1463528424501419,
0.02363344468176365,
-0.04846407473087311,
-0.16816024482250214,
-0.17967595160007477,
-0.16474266350269318,
-0.014766514301300049,
0.025350697338581085,
0.06902880221605301,
0.08444002270698547,
-0.072229765355587,
0.10652747005224228,
0.06995555758476257,
-0.013188512064516544,
-0.16552779078483582,
-0.012223905883729458,
-0.07495607435703278,
-0.007791320793330669,
-0.0051567042246460915,
-0.15168169140815735,
-0.037947311997413635,
0.15786993503570557,
0.12968172132968903,
0.045927681028842926,
-0.006423786748200655,
-0.13299836218357086,
0.010111156851053238,
0.12005952000617981,
0.059097133576869965,
0.045309681445360184,
0.12024979293346405,
-0.026133587583899498,
0.03909360244870186,
-0.026529423892498016,
-0.0768917128443718,
0.015581226907670498,
0.04611008241772652,
-0.13210369646549225,
0.08924636989831924,
-0.12284022569656372,
0.08656205981969833,
-0.2897844910621643,
0.13276560604572296,
-0.22165465354919434,
0.04314712435007095,
-0.02409246936440468,
0.14507295191287994,
-0.0672537311911583,
0.04459833353757858,
0.06534547358751297,
-0.024976294487714767,
0.03176899254322052,
0.05124523863196373,
0.047915540635585785,
-0.02417401596903801,
-0.013537573628127575,
-0.015944479033350945,
-0.04160897061228752,
-0.0016510095447301865,
0.1020406112074852,
-0.15970417857170105,
0.24933002889156342,
0.0665062889456749,
-0.04091840237379074,
-0.11743822693824768,
-0.044599499553442,
-0.01515467930585146,
-0.033671893179416656,
0.14234498143196106,
0.08534892648458481,
-0.05938957631587982,
-0.31008195877075195,
-0.10850799828767776,
0.03689297288656235,
0.12036456912755966,
0.04562702775001526,
-0.10369408130645752,
0.08311022073030472,
0.03602661192417145,
-0.0780087485909462,
-0.14169912040233612,
-0.0626596212387085,
0.009943663142621517,
0.002671540481969714,
0.023647014051675797,
-0.18098922073841095,
0.006209696643054485,
-0.003733491525053978,
-0.16157957911491394,
0.039041247218847275,
0.1405652016401291,
-0.03331663832068443,
-0.08169151097536087,
0.04662134870886803,
0.14226703345775604,
-0.033999375998973846,
-0.017038114368915558,
-0.03797636926174164,
-0.05625772103667259,
-0.013912254013121128,
-0.14105062186717987,
0.06586997956037521,
-0.052646566182374954,
0.09690191596746445,
-0.07290463149547577,
0.16286563873291016,
-0.003922320436686277,
-0.012725676409900188,
0.0014519381802529097,
0.05196314677596092,
-0.06902974098920822,
-0.0488286018371582,
0.13125242292881012,
0.04242376983165741,
0.09056434780359268,
0.2293606847524643,
0.08948998898267746,
0.07019416987895966,
0.052512817084789276,
-0.03313347324728966,
0.13399533927440643,
0.09669001400470734,
-0.045611221343278885,
0.0929875299334526,
0.1438811719417572,
-0.0009384231525473297,
-0.22225776314735413,
0.029943322762846947,
-0.14569810032844543,
0.030896272510290146,
0.012916519306600094,
-0.09144455194473267,
0.12513485550880432,
0.09737595915794373,
-0.029422886669635773,
0.1544736623764038,
-0.29670941829681396,
-0.004688217770308256,
0.0885108932852745,
0.013416982255876064,
0.2793593406677246,
-0.06631065905094147,
-0.05000590160489082,
-0.05434591695666313,
-0.2297641634941101,
0.07472904026508331,
-0.18859845399856567,
0.08373458683490753,
-0.02673439122736454,
0.0669867992401123,
0.025186805054545403,
-0.08184035122394562,
0.18017618358135223,
0.026881800964474678,
0.06458734720945358,
-0.10714803636074066,
-0.0030320563819259405,
0.061641816049814224,
0.014620631001889706,
0.06283377856016159,
0.10156290233135223,
0.0999825969338417,
-0.14201858639717102,
-0.04416085407137871,
0.015563827939331532,
0.0329558365046978,
0.08969774842262268,
-0.0337739922106266,
-0.1194036528468132,
-0.025210101157426834,
-0.08020328730344772,
-0.05375334993004799,
-0.08290913701057434,
-0.011940822005271912,
0.034743763506412506,
-0.025184130296111107,
-0.11430545151233673,
-0.0915164202451706,
0.05897573009133339,
-0.04436636343598366,
-0.05768309533596039,
0.023557795211672783,
-0.2439032942056656,
0.027090391144156456,
0.13223683834075928,
0.0377889983355999,
-0.037968967109918594,
0.02680245414376259,
-0.0751488208770752,
0.054214999079704285,
0.1609329730272293,
-0.14348870515823364,
0.1292407512664795,
0.009023908525705338,
-0.04557112231850624,
0.14657118916511536,
0.04715123400092125,
0.057736314833164215,
0.02874298393726349,
-0.007895896211266518,
-0.024428287521004677,
0.018622146919369698,
-0.0584857314825058,
0.10342931002378464,
0.03471176698803902,
-0.029991069808602333,
-0.18434998393058777,
0.31460869312286377,
-0.0062141697853803635,
0.019107269123196602,
-0.0027619735337793827,
-0.03618665039539337,
-0.10186704248189926,
-0.05532947927713394,
0.07495123893022537,
0.12678053975105286,
-0.11555605381727219,
-0.1363392323255539,
-0.0627681240439415,
-0.0051138014532625675,
0.004187148064374924,
0.17638808488845825,
0.0963267832994461,
0.08630049228668213,
0.028429673984646797,
-0.060468025505542755,
-0.017515109851956367,
-0.07364246249198914,
0.050750140100717545,
-0.002381900791078806,
-0.05847450718283653,
0.03337599337100983,
-0.0323450081050396,
0.1450052410364151,
-0.04691147804260254,
-0.04513482749462128,
-0.06362578272819519,
0.08254773169755936,
-0.10220587253570557,
-0.0256995540112257,
-0.00958100613206625,
0.0031692462507635355,
0.01191449724137783,
-0.039114806801080704,
-0.037765022367239,
-0.006530625745654106,
-0.09700275212526321,
0.06413496285676956,
0.013291346840560436,
-0.04070531204342842,
-0.08818694204092026,
-0.02237642928957939,
0.07574262470006943,
0.07881621271371841,
0.018538976088166237,
0.16800397634506226,
0.004083871375769377,
0.08893254399299622,
-0.17266206443309784,
-0.13825449347496033,
0.11359962075948715,
0.0555674247443676,
0.03661908581852913,
0.05165915563702583,
0.07221785932779312,
0.08517429232597351,
-0.06754221022129059,
0.04699290543794632,
0.01422849390655756,
-0.04812268912792206,
-0.11160433292388916,
-0.14845944941043854,
-0.04154745489358902,
-0.0465199239552021,
-0.041458893567323685,
0.18176227807998657,
0.12798038125038147,
-0.09325408935546875,
0.028680922463536263,
0.008853563107550144,
-0.015267814509570599,
-0.08140437304973602,
-0.05366438627243042,
-0.16560699045658112,
-0.10434665530920029,
0.06375439465045929,
0.04142160713672638,
-0.03508599475026131,
0.35557857155799866,
0.02356255240738392,
0.0005942139541730285,
-0.0560159906744957,
0.14844055473804474,
0.04589533433318138,
-0.05569547787308693,
0.21414178609848022,
0.08972330391407013,
0.010448128916323185,
-0.13364659249782562,
0.07028117775917053,
0.05207700654864311,
-0.06616056710481644,
-0.04040827229619026,
0.03234565258026123,
0.10849500447511673,
0.0039017151575535536,
0.04157330095767975,
-0.11784546822309494,
0.14745239913463593,
-0.13479368388652802,
-0.08477669209241867,
-0.04017055034637451,
0.06380108743906021,
-0.06951116025447845,
0.056231386959552765,
0.0008545892196707428,
-0.09019801020622253,
-0.043052688241004944,
-0.02694973349571228,
-0.09599874168634415,
-0.09694228321313858,
-0.041263263672590256,
-0.06319404393434525,
0.06675989925861359,
-0.03848202899098396,
0.02084357850253582,
0.2156878560781479,
0.05803077295422554,
0.02366017736494541,
0.10442683100700378,
-0.06445442885160446,
-0.03429609537124634,
-0.012613673694431782,
-0.02804725430905819,
0.039053890854120255,
0.024246737360954285,
-0.06649694591760635,
0.018866563215851784,
-0.042683787643909454,
0.005097079556435347,
0.010387791320681572,
0.08180146664381027,
-0.0057124486193060875,
-0.14813365042209625,
-0.008190946653485298,
-0.08194771409034729,
0.0687447339296341,
-0.07242590934038162,
-0.008328498341143131,
0.07972235977649689,
0.04580015316605568,
0.053631555289030075,
0.1840815395116806,
0.026885701343417168,
0.015448682941496372,
-0.004862244240939617,
0.0917067676782608,
-0.04033553972840309,
0.07794798165559769,
-0.0032528480514883995,
-0.059729643166065216,
-0.04346147179603577,
0.20782998204231262,
0.12953314185142517,
-0.025355538353323936,
-0.013699786737561226,
-0.0096539705991745,
0.05188964307308197,
0.016889899969100952,
0.02858838066458702,
0.06187526509165764,
0.07297727465629578,
-0.09258244931697845,
-0.12031105905771255,
0.018951360136270523,
-0.004649285692721605,
-0.011360692791640759,
-0.010355629958212376,
0.0044090948067605495,
-0.06452737748622894,
-0.14503535628318787,
0.14543184638023376,
-0.07840831577777863,
0.1948431432247162,
0.03180668130517006,
-0.12439245730638504,
-0.08943744003772736,
0.008360890671610832,
0.006807558238506317,
0.10005557537078857,
0.03283203765749931,
-0.12094728648662567,
0.002939099445939064,
-0.16747836768627167,
0.03610815107822418,
-0.3308640420436859,
-0.1907469779253006,
-0.02047463320195675,
0.14136789739131927,
-0.005239096470177174,
-0.0007743755704723299,
0.10732348263263702,
0.06327717751264572,
0.023681113496422768,
-0.07604151219129562,
0.03869551047682762,
0.009187103249132633,
0.015648597851395607,
-0.0776558667421341,
-0.06465186923742294,
0.0032270411029458046,
-0.18159981071949005,
0.0846543088555336,
0.09155850857496262,
0.02657848224043846,
0.06887305527925491,
0.11548473685979843,
-0.06489527970552444,
0.009793675504624844,
-0.08960412442684174,
0.12398526817560196,
-0.008399859070777893,
-0.043979573994874954,
0.03207547590136528,
-0.04732627794146538,
0.09551947563886642,
0.00405699759721756,
-0.13238336145877838,
0.028761273249983788,
-0.013619760982692242,
-0.006100773811340332,
0.057938072830438614,
0.012464049272239208,
-0.004737286362797022,
0.020416611805558205,
-0.02850913256406784,
-0.01227241475135088,
0.04654625430703163,
0.08372025191783905,
0.06380268931388855,
0.1062541976571083,
-0.025613995268940926,
-0.06234132871031761,
0.08075407147407532,
0.02581317536532879,
0.014471184462308884,
-0.1604553908109665
] |
22054c099646b942710e7ff552b79119857db6e6 | # Dataset Card for "araproje_hellaswag_tr_conf_gpt2_nearestscore_true"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_hellaswag_tr_conf_gpt2_nearestscore_true | [
"region:us"
] | 2024-01-14T10:06:58+00:00 | {"dataset_info": {"features": [{"name": "ind", "dtype": "int32"}, {"name": "activity_label", "dtype": "string"}, {"name": "ctx_a", "dtype": "string"}, {"name": "ctx_b", "dtype": "string"}, {"name": "ctx", "dtype": "string"}, {"name": "endings", "sequence": "string"}, {"name": "source_id", "dtype": "string"}, {"name": "split", "dtype": "string"}, {"name": "split_type", "dtype": "string"}, {"name": "label", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 162703.0, "num_examples": 250}], "download_size": 87144, "dataset_size": 162703.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:07:00+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_hellaswag_tr_conf_gpt2_nearestscore_true"
More Information needed | [
"# Dataset Card for \"araproje_hellaswag_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_hellaswag_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
6,
34
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_hellaswag_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
-0.11414320021867752,
0.10132943838834763,
-0.0026821743231266737,
0.04377232864499092,
0.01505668368190527,
0.03222512826323509,
0.008882530964910984,
0.04829216003417969,
0.059524524956941605,
0.04828542843461037,
0.10545516014099121,
-0.00980287790298462,
0.09934978187084198,
0.0666646733880043,
0.013626676984131336,
0.03001895360648632,
0.0485808365046978,
0.025760609656572342,
0.001318702008575201,
0.06451445817947388,
0.013299066573381424,
-0.036012422293424606,
0.06310618668794632,
-0.01567213237285614,
-0.23972000181674957,
0.0919375941157341,
-0.03779994696378708,
-0.07242215424776077,
0.12037325650453568,
0.025081783533096313,
0.09016755223274231,
-0.08690596371889114,
-0.023113131523132324,
-0.011811494827270508,
0.004759400151669979,
0.010234073735773563,
-0.08460582047700882,
0.013246473856270313,
0.03998624533414841,
-0.15328341722488403,
-0.09062963724136353,
0.02464877814054489,
-0.03944651037454605,
0.004007022827863693,
-0.18167781829833984,
-0.2226579785346985,
-0.025288157165050507,
-0.023233836516737938,
0.042159322649240494,
0.010112187825143337,
0.04080003872513771,
0.2119860202074051,
-0.11009588837623596,
0.06991565227508545,
0.08571343123912811,
-0.07575900107622147,
-0.006896220613270998,
0.16350947320461273,
-0.15579582750797272,
0.09009547531604767,
0.019421249628067017,
0.06253604590892792,
0.13004466891288757,
0.05037035048007965,
-0.13376174867153168,
-0.00780269643291831,
-0.2442188709974289,
0.0978948101401329,
-0.0005430948222056031,
-0.14473341405391693,
0.22210778295993805,
-0.0363716296851635,
-0.01588435284793377,
0.08324255049228668,
-0.07117290049791336,
-0.06591814011335373,
0.061356402933597565,
0.0598783940076828,
-0.007857783697545528,
0.08635204285383224,
-0.014170479960739613,
0.07161864638328552,
-0.12726110219955444,
-0.09631109237670898,
-0.18002791702747345,
0.20893312990665436,
-0.036393798887729645,
0.17298215627670288,
-0.17792600393295288,
0.062017086893320084,
-0.09632015228271484,
-0.08052904903888702,
-0.02684902958571911,
-0.05209272727370262,
-0.01919071190059185,
0.006616599857807159,
-0.019413921982049942,
0.1041606143116951,
0.11462866514921188,
0.042828552424907684,
0.07655572891235352,
0.021335886791348457,
-0.05175056308507919,
0.08452140539884567,
0.1270977407693863,
-0.04855203628540039,
-0.052357520908117294,
0.004377607721835375,
-0.042975395917892456,
-0.1724122315645218,
0.06366067379713058,
-0.011775871738791466,
-0.0037385346367955208,
-0.11905410140752792,
-0.06633226573467255,
0.106304831802845,
-0.014046416617929935,
-0.12021667510271072,
-0.05521254241466522,
0.018196387216448784,
0.07634709030389786,
-0.06914432346820831,
-0.0615556575357914,
-0.07514575123786926,
-0.09810635447502136,
0.03761669993400574,
-0.07863283902406693,
0.020693624392151833,
0.04388207197189331,
0.01847468502819538,
-0.05003223195672035,
0.014238366857171059,
0.041617389768362045,
0.000250499346293509,
0.09458032250404358,
-0.1438373476266861,
0.057682834565639496,
-0.16028393805027008,
-0.11877521872520447,
-0.00029187853215262294,
0.0035251060035079718,
-0.05903136730194092,
0.199266254901886,
0.00656017055734992,
0.04787229374051094,
-0.033639416098594666,
-0.032758284360170364,
0.03261437639594078,
-0.10182745009660721,
0.057303547859191895,
0.06676524132490158,
0.06683799624443054,
-0.08116676658391953,
-0.004925599787384272,
-0.18952935934066772,
-0.01252749003469944,
-0.0321519710123539,
-0.038024578243494034,
-0.060564860701560974,
0.12072903662919998,
-0.07445168495178223,
-0.006715561728924513,
-0.13851116597652435,
0.062217190861701965,
0.05831923335790634,
0.11765439063310623,
-0.14940513670444489,
-0.018755944445729256,
0.26061108708381653,
-0.12409260123968124,
-0.180413156747818,
0.06995180249214172,
0.03658290207386017,
0.020058395341038704,
0.0764605700969696,
0.194753035902977,
-0.02166154980659485,
-0.062053896486759186,
-0.003577703144401312,
0.09917275607585907,
-0.12520091235637665,
-0.19042210280895233,
0.04133473336696625,
-0.04357628524303436,
-0.1437998116016388,
0.0944681465625763,
0.16126514971256256,
0.09801635146141052,
-0.01232985220849514,
-0.04504762217402458,
-0.02536294050514698,
-0.13683921098709106,
-0.034448858350515366,
0.013781889341771603,
-0.027437562122941017,
-0.11886865645647049,
0.1090194433927536,
-0.13546758890151978,
0.10759823769330978,
0.06108933687210083,
-0.06079139560461044,
0.01785966008901596,
0.10624920576810837,
-0.23758426308631897,
-0.04294862598180771,
-0.11687547713518143,
-0.019308743998408318,
-0.015584161505103111,
0.023662490770220757,
0.0020556410308927298,
0.047174226492643356,
0.12558791041374207,
-0.01819070428609848,
0.05521538108587265,
0.04833719879388809,
0.11218278110027313,
0.03642147779464722,
0.010843286290764809,
0.04153120145201683,
0.1395723670721054,
-0.05797465890645981,
0.013249507173895836,
-0.053122829645872116,
-0.08570507168769836,
0.0998639315366745,
0.14194384217262268,
-0.009341264143586159,
0.0051506515592336655,
0.07683496177196503,
-0.025947462767362595,
-0.007066179532557726,
-0.05769823491573334,
-0.03132171928882599,
-0.03882430121302605,
0.02451014518737793,
0.10859990119934082,
-0.03397515416145325,
0.17213214933872223,
0.13075152039527893,
-0.03397369384765625,
-0.0004171038162894547,
-0.0009409355116076767,
0.01733790896832943,
0.014153962954878807,
-0.05977128818631172,
0.05389611795544624,
-0.032350052148103714,
-0.06833437085151672,
0.05632559210062027,
-0.10696094483137131,
0.02535867877304554,
0.1009516641497612,
-0.0766703337430954,
-0.09368208050727844,
0.12709854543209076,
0.03321563079953194,
-0.24420541524887085,
0.15017332136631012,
0.23126250505447388,
0.17207585275173187,
0.03433346748352051,
-0.005747200921177864,
-0.06915820389986038,
0.02625749073922634,
0.04451164975762367,
-0.053518593311309814,
0.1686738133430481,
-0.061682507395744324,
-0.00978937465697527,
0.09251734614372253,
0.016724294051527977,
0.05216873809695244,
-0.14004799723625183,
-0.08791828900575638,
-0.020527172833681107,
-0.014838364906609058,
-0.04905985668301582,
0.0682225301861763,
-0.04758884012699127,
0.10958219319581985,
-0.02601657062768936,
-0.029797254130244255,
0.06448320299386978,
0.031016046181321144,
0.002044468419626355,
0.13842101395130157,
-0.09035520255565643,
-0.28763365745544434,
-0.03559929132461548,
-0.046327099204063416,
-0.006721721962094307,
0.047712501138448715,
0.010055904276669025,
-0.20885302126407623,
-0.05518174171447754,
0.023508930578827858,
-0.1020374745130539,
-0.19560503959655762,
0.0020677424035966396,
-0.03822477534413338,
0.01198381744325161,
-0.06195387989282608,
-0.10730104893445969,
0.001218404620885849,
-0.0696016326546669,
0.0007172538316808641,
0.16762804985046387,
-0.15635858476161957,
0.1023716926574707,
0.052337851375341415,
0.010729372501373291,
0.06347012519836426,
0.002019581152126193,
0.1286296248435974,
-0.038279127329587936,
-0.07236452400684357,
0.1269964724779129,
0.07227044552564621,
0.016741717234253883,
0.04613066837191582,
0.02001466229557991,
-0.1609845608472824,
0.008281701244413853,
-0.04864548519253731,
-0.1636485457420349,
-0.16443395614624023,
-0.1270802766084671,
0.0034277811646461487,
0.0062038288451731205,
0.10527865588665009,
0.0908709242939949,
-0.04060268774628639,
0.13582240045070648,
0.07398977130651474,
-0.02492508478462696,
-0.14587761461734772,
0.004510208498686552,
-0.11581091582775116,
-0.0030993318650871515,
0.01722697727382183,
-0.13252747058868408,
-0.028989644721150398,
0.1498677134513855,
0.13289475440979004,
0.005514748860150576,
0.006854790262877941,
-0.11658602207899094,
-0.003040700452402234,
0.15193530917167664,
0.062462352216243744,
0.07161860167980194,
0.1119595542550087,
-0.039587173610925674,
0.02453290857374668,
-0.02906990796327591,
-0.1074291467666626,
0.03297080099582672,
0.007138973101973534,
-0.10385778546333313,
0.09637627005577087,
-0.20233236253261566,
0.0629974901676178,
-0.19987855851650238,
0.13536304235458374,
-0.2036077082157135,
0.008869626559317112,
-0.020832553505897522,
0.10910651832818985,
-0.07971587777137756,
0.04263816028833389,
0.06758654862642288,
-0.034046463668346405,
0.03160092607140541,
0.04234855994582176,
0.05214938148856163,
-0.0034910759422928095,
0.013827811926603317,
-0.05464125797152519,
-0.08749473839998245,
-0.011413374915719032,
0.1020423099398613,
-0.15682467818260193,
0.22640620172023773,
0.05533700808882713,
-0.06250769644975662,
-0.1344936043024063,
-0.04944847896695137,
-0.06089745834469795,
-0.02554726041853428,
0.1783628612756729,
0.07930924743413925,
-0.017339764162898064,
-0.2565403878688812,
-0.08691471815109253,
0.04574919864535332,
0.12424150109291077,
0.005121320951730013,
-0.12166125327348709,
0.09770163893699646,
0.04922119155526161,
-0.08284664899110794,
-0.11738146096467972,
0.020838143303990364,
0.014773553237318993,
-0.014638296328485012,
0.02410792000591755,
-0.1305127590894699,
0.0011103603756055236,
0.006562046241015196,
-0.1619369387626648,
0.030404841527342796,
0.07384561747312546,
-0.03939913213253021,
-0.08488056808710098,
0.012852399609982967,
0.16527710855007172,
-0.03838378190994263,
-0.00022421200992539525,
-0.0403875932097435,
-0.06609330326318741,
-0.013715928420424461,
-0.12455052882432938,
0.09437933564186096,
-0.06353038549423218,
0.06731554865837097,
-0.06608468294143677,
0.18516293168067932,
0.04341263696551323,
-0.02648118883371353,
0.007332419045269489,
0.058315906673669815,
-0.08987915515899658,
-0.044528987258672714,
0.13768549263477325,
0.036325667053461075,
0.049174509942531586,
0.21775074303150177,
0.1354321539402008,
0.05160544812679291,
0.05632876232266426,
-0.008614822290837765,
0.09034018963575363,
0.12288303673267365,
-0.0440799742937088,
0.10243096947669983,
0.19089196622371674,
0.015224069356918335,
-0.17934811115264893,
0.02086719311773777,
-0.1324286013841629,
0.036551475524902344,
0.023893052712082863,
-0.07245311141014099,
0.1776168793439865,
0.12957628071308136,
-0.03958543762564659,
0.17593149840831757,
-0.24372482299804688,
0.0030625576619058847,
0.10057362914085388,
-0.0015649442793801427,
0.309041291475296,
-0.05821222439408302,
-0.04380079358816147,
-0.02817714400589466,
-0.2496636062860489,
0.12850508093833923,
-0.1762770563364029,
0.06304184347391129,
-0.03797901049256325,
0.10902710258960724,
0.04246776923537254,
-0.06704748421907425,
0.18666981160640717,
0.03145075589418411,
0.0891467034816742,
-0.11277081817388535,
0.0370771624147892,
0.04084059223532677,
0.0018671751022338867,
0.044847551733255386,
0.08345664292573929,
0.08027447015047073,
-0.1840742975473404,
-0.02865607663989067,
-0.02011702209711075,
0.028622914105653763,
0.07926876097917557,
-0.047468673437833786,
-0.11697562038898468,
-0.039329566061496735,
-0.09156908839941025,
-0.04560072347521782,
0.030314361676573753,
-0.002462128410115838,
0.07854901999235153,
-0.03042244352400303,
-0.12092781066894531,
-0.12300460040569305,
0.034958258271217346,
-0.060073401778936386,
-0.05212436988949776,
0.04683706909418106,
-0.26297232508659363,
0.04004771634936333,
0.12396450340747833,
0.03511744365096092,
-0.04267079010605812,
0.025681793689727783,
-0.10119738429784775,
0.04575366899371147,
0.1415739357471466,
-0.16640996932983398,
0.09572995454072952,
0.02735358290374279,
-0.04810868576169014,
0.13537058234214783,
0.07356448471546173,
0.06462181359529495,
0.03815186396241188,
-0.021163148805499077,
-0.021472834050655365,
0.02410043589770794,
-0.0557236410677433,
0.10583161562681198,
0.015459486283361912,
-0.013128631748259068,
-0.18134640157222748,
0.30763790011405945,
0.018399570137262344,
-0.022758997976779938,
0.015249663032591343,
-0.018938817083835602,
-0.08985838294029236,
-0.04510953649878502,
0.016544140875339508,
0.07236825674772263,
-0.13999885320663452,
-0.12648867070674896,
-0.026858216151595116,
0.015273083001375198,
-0.028800038620829582,
0.1332026571035385,
0.0925203487277031,
0.07818534225225449,
0.05987543240189552,
-0.056991588324308395,
0.0032081641256809235,
-0.08167079091072083,
0.03320645913481712,
0.017078101634979248,
-0.03563202917575836,
-0.010753478854894638,
-0.03397407382726669,
0.1411304771900177,
-0.050151802599430084,
-0.05153081566095352,
-0.06300938129425049,
0.08440467715263367,
-0.11417067050933838,
-0.01810549944639206,
0.006056526675820351,
0.012153378687798977,
0.012785857543349266,
-0.04185819625854492,
-0.00021955031843390316,
-0.03017854131758213,
-0.09317753463983536,
0.07989314198493958,
0.037010181695222855,
-0.057736027985811234,
-0.10142548382282257,
-0.02012793719768524,
0.08220306038856506,
0.07012741267681122,
0.048335932195186615,
0.16134285926818848,
0.004805500619113445,
0.11515405029058456,
-0.20769700407981873,
-0.10973741859197617,
0.11029288172721863,
0.031200271099805832,
0.05474039539694786,
0.09340273588895798,
0.04042865335941315,
0.06766297668218613,
-0.05890442058444023,
0.037511684000492096,
-0.007024216465651989,
-0.06049804389476776,
-0.11478908360004425,
-0.08899084478616714,
-0.06829006224870682,
-0.04233207926154137,
-0.04941105842590332,
0.16328924894332886,
0.11166726797819138,
-0.0879097729921341,
0.04543035849928856,
0.0174234788864851,
-0.014369159005582333,
-0.08663468807935715,
-0.05966278538107872,
-0.15687346458435059,
-0.068210668861866,
0.0433683805167675,
0.024396318942308426,
-0.048759784549474716,
0.2948369085788727,
-0.012766879051923752,
0.049160316586494446,
-0.055147431790828705,
0.10811451077461243,
0.021651260554790497,
-0.05316416919231415,
0.21206556260585785,
0.07703282684087753,
-0.00484369695186615,
-0.14717617630958557,
0.054258253425359726,
0.04660484939813614,
0.005881580524146557,
-0.07487253099679947,
0.046915117651224136,
0.0482301227748394,
0.01692182384431362,
0.01596514694392681,
-0.11989837139844894,
0.12690576910972595,
-0.1863577514886856,
-0.06370145827531815,
-0.04329312965273857,
0.06786176562309265,
-0.05820562690496445,
0.06012776866555214,
0.02088104374706745,
-0.09495601058006287,
-0.0446358285844326,
-0.019668124616146088,
-0.07719188928604126,
-0.0911966860294342,
-0.03952498733997345,
-0.03107881359755993,
0.05673234164714813,
-0.038596656173467636,
0.030132364481687546,
0.22289137542247772,
0.07468319684267044,
0.007959707640111446,
0.10535886138677597,
0.023428987711668015,
-0.024761606007814407,
0.019943654537200928,
0.0006014416576363146,
0.0454917773604393,
0.0775369182229042,
-0.06588445603847504,
0.011766713112592697,
-0.012037251144647598,
-0.012210032902657986,
-0.006702833343297243,
0.09085113555192947,
-0.022446615621447563,
-0.13545440137386322,
-0.02599426917731762,
-0.06721989810466766,
0.0771002247929573,
-0.09515973925590515,
-0.030739637091755867,
0.07833944261074066,
0.0604366660118103,
0.035919588059186935,
0.21214503049850464,
0.012707498855888844,
0.06050434336066246,
0.027489222586154938,
0.07143734395503998,
-0.0634731575846672,
0.08629848808050156,
-0.006389464717358351,
-0.0711427628993988,
-0.0289103165268898,
0.1660662740468979,
0.09411902725696564,
-0.020287273451685905,
-0.0036260359920561314,
-0.020532727241516113,
0.05582653358578682,
0.009917249903082848,
0.03860938549041748,
0.032893963158130646,
0.09669952839612961,
-0.0869055986404419,
-0.044553354382514954,
0.061066921800374985,
-0.019559286534786224,
-0.0010422244668006897,
-0.018977506086230278,
-0.03575854375958443,
-0.04238945618271828,
-0.150705948472023,
0.12916408479213715,
-0.07108467817306519,
0.13308276236057281,
0.047943152487277985,
-0.12931017577648163,
-0.10959341377019882,
0.0031545907258987427,
0.011043854989111423,
0.10307871550321579,
0.04288260266184807,
-0.10658881068229675,
-0.005238824058324099,
-0.12104005366563797,
0.020634256303310394,
-0.2999119460582733,
-0.23214808106422424,
0.004563499707728624,
0.12203709781169891,
-0.0026502893306314945,
0.01334206759929657,
0.09885751456022263,
0.04645810276269913,
0.027665086090564728,
-0.08454656600952148,
-0.0029601366259157658,
0.01575004681944847,
0.03360432758927345,
-0.09360510855913162,
-0.03624071925878525,
0.033565353602170944,
-0.1997641623020172,
0.10244838893413544,
0.05368757247924805,
-0.015798848122358322,
0.09560814499855042,
0.12464964389801025,
-0.06841881573200226,
0.002532834419980645,
-0.07105336338281631,
0.127291738986969,
-0.02990323305130005,
-0.048350755125284195,
0.022582419216632843,
-0.06558098644018173,
0.09971525520086288,
0.010958331637084484,
-0.1195807009935379,
0.01902259700000286,
-0.019297637045383453,
0.0030767538119107485,
0.11069606989622116,
0.0003293058543931693,
-0.02840607799589634,
0.041437942534685135,
-0.03247454762458801,
0.0014594505773857236,
0.0653943121433258,
0.07644987106323242,
0.0408991314470768,
0.11267150193452835,
-0.007515480741858482,
0.004734956193715334,
0.07532455772161484,
0.02643265575170517,
0.026876209303736687,
-0.148240327835083
] |
0b5117d3891aba6465bed03cd5f8bdfe0290ffc7 | # Dataset Card for "araproje_arc_en_conf_mgpt_nearestscore_true_y"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_arc_en_conf_mgpt_nearestscore_true_y | [
"region:us"
] | 2024-01-14T10:09:48+00:00 | {"dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "choices", "sequence": [{"name": "text", "dtype": "string"}, {"name": "label", "dtype": "string"}]}, {"name": "answerKey", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 80031.0, "num_examples": 250}], "download_size": 46799, "dataset_size": 80031.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:09:50+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_arc_en_conf_mgpt_nearestscore_true_y"
More Information needed | [
"# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true_y\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true_y\"\n\nMore Information needed"
] | [
6,
34
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true_y\"\n\nMore Information needed"
] | [
-0.12640422582626343,
0.1624777466058731,
-0.0031438118312507868,
0.003496900200843811,
0.06307932734489441,
0.0033214958384633064,
0.05940793827176094,
0.0728209838271141,
0.058668848127126694,
0.04208313301205635,
0.12683367729187012,
0.04667109623551369,
0.08409246802330017,
0.16473039984703064,
-0.013794108293950558,
0.05295226722955704,
0.025773053988814354,
0.01903497986495495,
0.08075100928544998,
0.06489696353673935,
0.01350891962647438,
-0.05395202338695526,
0.054360661655664444,
-0.01879468746483326,
-0.20846869051456451,
0.11947289109230042,
-0.07513062655925751,
-0.10913973301649094,
0.09320730715990067,
-0.017354318872094154,
0.075440414249897,
-0.0724867656826973,
-0.05266420543193817,
-0.09441766887903214,
0.0006444503087550402,
0.022670630365610123,
-0.048207107931375504,
0.01383444294333458,
0.06545966863632202,
-0.16117073595523834,
-0.04412852227687836,
-0.06542764604091644,
-0.024860037490725517,
-0.013448321260511875,
-0.1558142602443695,
-0.23317645490169525,
-0.010068713687360287,
-0.08991360664367676,
0.030632393434643745,
0.030866719782352448,
0.04247387871146202,
0.22945070266723633,
-0.10528189688920975,
0.05577165260910988,
0.10605180263519287,
-0.05111879110336304,
0.011897080577909946,
0.0852184146642685,
-0.18670186400413513,
0.11976782977581024,
0.05805912986397743,
0.04082530736923218,
0.1272783875465393,
0.032605890184640884,
-0.10521190613508224,
0.0018389414763078094,
-0.1596844345331192,
0.13188286125659943,
-0.00901499018073082,
-0.15802612900733948,
0.2772918939590454,
-0.04958999156951904,
0.016163505613803864,
0.06111995130777359,
-0.062242090702056885,
0.010453387163579464,
0.040892601013183594,
0.10249502956867218,
0.0004193083441350609,
0.042094722390174866,
-0.07834380120038986,
0.10368115454912186,
-0.1077488362789154,
-0.03603636845946312,
-0.17260177433490753,
0.19121195375919342,
-0.0026437423657625914,
0.17190590500831604,
-0.16449479758739471,
0.05121265724301338,
-0.10012559592723846,
-0.10338087379932404,
0.0016246829181909561,
-0.05508839711546898,
0.0029408030677586794,
-0.007804097607731819,
-0.025751525536179543,
0.07688131928443909,
0.10158102214336395,
0.014023754745721817,
0.03510025143623352,
-0.009153150953352451,
0.006727709900587797,
0.09802910685539246,
0.17082089185714722,
-0.019925665110349655,
-0.049479249864816666,
0.0013802959583699703,
-0.07496846467256546,
-0.12775923311710358,
0.055424764752388,
-0.02317381463944912,
-0.038572851568460464,
-0.07725198566913605,
-0.12825116515159607,
0.13023532927036285,
0.000798738154117018,
-0.10769162327051163,
-0.04851498827338219,
0.009556721895933151,
0.06716431677341461,
-0.0896405279636383,
-0.04628555476665497,
-0.07749499380588531,
-0.13599389791488647,
0.04831024259328842,
-0.08275304734706879,
0.019396919757127762,
0.02163250558078289,
0.03166646137833595,
-0.04128757119178772,
0.026693815365433693,
-0.017193883657455444,
-0.024823058396577835,
0.08684214949607849,
-0.06477314978837967,
0.06103142723441124,
-0.15432561933994293,
-0.13961729407310486,
-0.012583994306623936,
0.0010281394934281707,
-0.05074251815676689,
0.2113731950521469,
-0.01976381614804268,
0.05439411476254463,
-0.04644997417926788,
-0.01525447890162468,
0.0071599287912249565,
-0.10503987967967987,
0.06592626869678497,
0.09211926907300949,
0.08534058928489685,
-0.027857007458806038,
0.03841198608279228,
-0.20786920189857483,
-0.012786740437150002,
-0.026293979957699776,
-0.04615144431591034,
-0.04876300320029259,
0.12184672802686691,
-0.0647081807255745,
-0.0029798028990626335,
-0.09418808668851852,
0.05188053473830223,
0.07467753440141678,
0.08717226982116699,
-0.07787339389324188,
-0.03674982115626335,
0.1080549880862236,
-0.0621892586350441,
-0.17913001775741577,
0.047413479536771774,
0.013887218199670315,
0.032042089849710464,
0.060729898512363434,
0.191142275929451,
-0.03792429342865944,
-0.03816818445920944,
-0.009799023158848286,
0.1229034960269928,
-0.09909769892692566,
-0.2559870481491089,
0.06492578238248825,
-0.024879086762666702,
-0.11093544214963913,
0.09394130855798721,
0.10476651042699814,
0.11235033720731735,
-0.03539813682436943,
-0.06803174316883087,
-0.014987397938966751,
-0.12193217873573303,
-0.06947781890630722,
0.037318672984838486,
-0.03875093162059784,
-0.10736007243394852,
0.129517063498497,
-0.1557450294494629,
0.11810073256492615,
0.0549745187163353,
-0.06613156944513321,
0.04880865663290024,
0.13655687868595123,
-0.27117720246315,
-0.03092827834188938,
-0.11074551939964294,
-0.008097506128251553,
-0.00895889662206173,
-0.0356113538146019,
-0.018385911360383034,
-0.01009027287364006,
0.06736282259225845,
-0.004343769978731871,
0.07921286672353745,
0.030556680634617805,
0.10509951412677765,
0.029688743874430656,
0.022354058921337128,
-0.0200651902705431,
0.1665898561477661,
-0.07867956906557083,
-0.05987526476383209,
-0.018977081403136253,
-0.08253199607133865,
0.015298443846404552,
0.09995345771312714,
-0.02138245850801468,
0.04114726558327675,
0.080991730093956,
0.03292728215456009,
-0.017922766506671906,
-0.051258064806461334,
0.004025638569146395,
-0.02353650890290737,
0.0725012719631195,
0.12621639668941498,
-0.10887639969587326,
0.17441488802433014,
0.13601231575012207,
-0.09694890677928925,
0.022751731798052788,
-0.03220831975340843,
0.012019198387861252,
0.003926337230950594,
-0.05401657521724701,
0.101805180311203,
-0.024451227858662605,
-0.05876190960407257,
0.09374108910560608,
-0.10926499962806702,
-0.0015910390065982938,
0.08030521869659424,
-0.09488212317228317,
-0.10413572937250137,
0.13071106374263763,
0.13149809837341309,
-0.2394380122423172,
0.16609688103199005,
0.2820052206516266,
0.1560717672109604,
0.07129368185997009,
0.008072533644735813,
-0.10859587788581848,
0.02669057995080948,
0.03554937615990639,
-0.067287378013134,
0.17241038382053375,
-0.030966661870479584,
-0.03847973048686981,
0.09659874439239502,
-0.03009091690182686,
0.07590081542730331,
-0.1376870572566986,
-0.09431807696819305,
0.011083516292273998,
0.009989513084292412,
-0.1119580939412117,
0.05295317992568016,
-0.03245151787996292,
0.10429871827363968,
-0.017317496240139008,
-0.03608844429254532,
0.05785438045859337,
0.01800951175391674,
-0.019660331308841705,
0.1622389256954193,
-0.09634054452180862,
-0.30301764607429504,
-0.02323569543659687,
-0.12425107508897781,
0.0007852661074139178,
0.02208167128264904,
-0.01176051888614893,
-0.21455398201942444,
-0.06375858932733536,
0.04592014476656914,
-0.10000842064619064,
-0.21391962468624115,
-0.03272463008761406,
-0.04785578325390816,
0.032584693282842636,
-0.07538288086652756,
-0.09511027485132217,
-0.008871125988662243,
-0.06250879168510437,
0.04614424332976341,
0.14311157166957855,
-0.1553371101617813,
0.15569257736206055,
0.08290243148803711,
0.005200606305152178,
0.08015485852956772,
0.010531412437558174,
0.0963040292263031,
-0.031508203595876694,
-0.13523083925247192,
0.12006641179323196,
0.09766428917646408,
0.04617196321487427,
0.07238688319921494,
0.040812015533447266,
-0.11520402133464813,
0.016736803576350212,
-0.05443444103002548,
-0.16317971050739288,
-0.1809006780385971,
-0.15924526751041412,
-0.0009238286293111742,
-0.0014953667996451259,
0.08700906485319138,
0.06642866879701614,
-0.0023730748798698187,
0.10229882597923279,
0.06507076323032379,
-0.060554541647434235,
-0.1902240365743637,
0.01460791751742363,
-0.04807624965906143,
0.0036399541422724724,
0.02085092104971409,
-0.12947304546833038,
-0.04823627695441246,
0.1303417831659317,
0.162221759557724,
0.0744771882891655,
-0.002317071659490466,
-0.045293308794498444,
0.013137980364263058,
0.11898630112409592,
0.05720647796988487,
0.04903208091855049,
0.11953049153089523,
-0.024354368448257446,
0.016180019825696945,
-0.03260770067572594,
-0.03972529247403145,
0.03824803978204727,
0.0019051842391490936,
-0.11780758202075958,
0.05147956311702728,
-0.17155766487121582,
0.10181879997253418,
-0.27222996950149536,
0.07382740080356598,
-0.2617452144622803,
0.07839115709066391,
-0.02861563116312027,
0.11353599280118942,
-0.05559134855866432,
0.01537106279283762,
0.058452021330595016,
-0.033038195222616196,
-0.007584009785205126,
0.04748861864209175,
0.056654151529073715,
-0.05078309401869774,
0.02977299503982067,
-0.016040228307247162,
-0.012002509087324142,
-0.005789441987872124,
0.1204981878399849,
-0.17824280261993408,
0.262326180934906,
0.06932830065488815,
-0.041835393756628036,
-0.10989299416542053,
-0.05782218277454376,
-0.023090939968824387,
-0.03719710186123848,
0.15567846596240997,
0.06825555115938187,
-0.041422419250011444,
-0.3287566304206848,
-0.05881241336464882,
0.041105546057224274,
0.08717510849237442,
0.048059821128845215,
-0.10699857026338577,
0.11260325461626053,
0.04028668254613876,
-0.05864844098687172,
-0.09857237339019775,
0.022113464772701263,
-0.03330870717763901,
-0.0012220015050843358,
0.029616128653287888,
-0.2033696323633194,
0.021591968834400177,
-0.013226494193077087,
-0.15014173090457916,
0.04979041963815689,
0.18132136762142181,
-0.07019499689340591,
-0.06465361267328262,
0.010202080942690372,
0.14456941187381744,
-0.05159883573651314,
-0.016378609463572502,
-0.03819620609283447,
-0.04142305627465248,
-0.04258796572685242,
-0.12357056885957718,
0.05974741280078888,
-0.06378186494112015,
0.14448155462741852,
-0.09703139960765839,
0.11531930416822433,
0.005997827276587486,
-0.029346048831939697,
-0.016089148819446564,
0.05974145233631134,
-0.14968031644821167,
-0.042457159608602524,
0.13849352300167084,
0.04818357154726982,
0.08260734379291534,
0.18660259246826172,
0.11865134537220001,
0.08074226975440979,
0.00217530713416636,
-0.014822888188064098,
0.12860578298568726,
0.08936755359172821,
-0.05113963782787323,
0.07930593192577362,
0.22542165219783783,
-0.015073055401444435,
-0.1570652425289154,
0.01180754229426384,
-0.15238593518733978,
0.012659593485295773,
0.010268665850162506,
-0.12456893920898438,
0.14475122094154358,
0.08013680577278137,
-0.030505400151014328,
0.11947031319141388,
-0.27337345480918884,
0.016741754487156868,
0.13404053449630737,
0.0023226700723171234,
0.32313358783721924,
-0.03819391876459122,
-0.030631862580776215,
-0.02040998823940754,
-0.11788957566022873,
0.07320401072502136,
-0.12339780479669571,
0.06369971483945847,
-0.03949163109064102,
0.13871468603610992,
0.026471711695194244,
-0.08997508138418198,
0.19988535344600677,
0.03913235291838646,
0.08560728281736374,
-0.08223652094602585,
0.02086634933948517,
0.00957329012453556,
-0.014355181716382504,
0.06051746755838394,
0.08026515692472458,
0.08854880183935165,
-0.1775663048028946,
-0.04523102939128876,
-0.004779294598847628,
0.022577011957764626,
0.10067928582429886,
-0.05878477171063423,
-0.09731359034776688,
-0.05335947498679161,
-0.06642239540815353,
-0.04721806198358536,
-0.022591300308704376,
0.005864983424544334,
0.03782814368605614,
-0.06366780400276184,
-0.11061432957649231,
-0.1258910745382309,
0.00799302663654089,
-0.04745908081531525,
-0.05358503758907318,
0.05697084590792656,
-0.28089821338653564,
0.006541173439472914,
0.15022748708724976,
0.01873697154223919,
-0.04849725961685181,
0.02033618837594986,
-0.11412609368562698,
0.01593237742781639,
0.14364200830459595,
-0.14901620149612427,
0.18217454850673676,
0.004156048409640789,
0.035030122846364975,
0.12581393122673035,
0.01817694865167141,
0.006359736435115337,
0.03734716400504112,
-0.01859389990568161,
-0.02194805070757866,
0.0007935305475257337,
-0.022894304245710373,
0.11216025799512863,
0.057644303888082504,
-0.01322807464748621,
-0.1923484355211258,
0.27343684434890747,
0.03601257503032684,
-0.025068266317248344,
0.0042611705139279366,
-0.0014707852387800813,
-0.08959564566612244,
-0.05999169498682022,
0.061652496457099915,
0.15638726949691772,
-0.18815283477306366,
-0.15929855406284332,
-0.07895665615797043,
0.02254289574921131,
0.013603199273347855,
0.14270251989364624,
0.10414134711027145,
0.04071566462516785,
0.03017273359000683,
-0.09023825824260712,
-0.006129279267042875,
-0.01857331395149231,
0.013606510125100613,
0.012770479544997215,
-0.008462203666567802,
-0.03600168973207474,
-0.004018116742372513,
0.15372706949710846,
-0.04015899449586868,
-0.060479238629341125,
-0.04092417657375336,
0.10177204012870789,
-0.11177577823400497,
-0.02581075392663479,
-0.015766901895403862,
-0.009352996945381165,
0.003136162646114826,
-0.025552939623594284,
0.0025480666663497686,
-0.019782042130827904,
-0.09997143596410751,
0.06797588616609573,
0.04068387299776077,
-0.013443035073578358,
-0.09535510092973709,
-0.032140012830495834,
0.06006382778286934,
0.0625394880771637,
0.015994397923350334,
0.1386878341436386,
-0.019664864987134933,
0.054805122315883636,
-0.18965473771095276,
-0.15388841927051544,
0.09782250225543976,
0.05276444926857948,
0.051970239728689194,
0.04057257995009422,
0.072319895029068,
0.0947415828704834,
-0.07352179288864136,
0.010986057110130787,
-0.027063041925430298,
-0.07738038152456284,
-0.08295150101184845,
-0.09025119990110397,
-0.06772258132696152,
-0.053935062140226364,
-0.03471634164452553,
0.14512431621551514,
0.11634836345911026,
-0.08154696971178055,
0.03367670252919197,
0.020411647856235504,
-0.0076850829645991325,
-0.08763729780912399,
-0.050755392760038376,
-0.17624102532863617,
-0.08304858207702637,
0.049632586538791656,
0.03279854729771614,
-0.046837784349918365,
0.3631290793418884,
0.03017120435833931,
0.00671784020960331,
-0.047170039266347885,
0.17314459383487701,
0.040569011121988297,
-0.05503999814391136,
0.19468975067138672,
0.0854468047618866,
0.009097757749259472,
-0.13446463644504547,
0.08725771307945251,
0.05469027906656265,
0.007453285623341799,
-0.11159305274486542,
0.0728520005941391,
0.2318737655878067,
-0.016932373866438866,
0.025684120133519173,
-0.10153527557849884,
0.13014577329158783,
-0.15524281561374664,
-0.04040009155869484,
-0.03423355892300606,
0.08556583523750305,
-0.04483669623732567,
0.11492384225130081,
0.006768229883164167,
-0.067450612783432,
-0.01667114347219467,
-0.014406508766114712,
-0.07950270920991898,
-0.10029026865959167,
-0.027250051498413086,
-0.05151621997356415,
0.04212774336338043,
-0.04839444160461426,
0.020524676889181137,
0.26223617792129517,
0.05353061109781265,
0.0011121976422145963,
0.07269685715436935,
0.08149704337120056,
-0.05428887903690338,
0.013248628936707973,
-0.02048291079699993,
0.07048306614160538,
-0.0039490265771746635,
-0.028715165331959724,
0.018988920375704765,
-0.04905732721090317,
0.00767160952091217,
-0.01027190312743187,
0.09387731552124023,
0.0068212999030947685,
-0.16539397835731506,
-0.03423747420310974,
-0.06546059250831604,
0.06188927963376045,
-0.0936705619096756,
0.012094899080693722,
0.06828903406858444,
0.04313567653298378,
0.053483083844184875,
0.18788371980190277,
0.04197048768401146,
0.04130127280950546,
0.006532059516757727,
0.16869805753231049,
-0.044039156287908554,
0.05552114546298981,
0.0008222386240959167,
-0.04404709115624428,
-0.04485980048775673,
0.14149154722690582,
0.13706368207931519,
0.0004378814483061433,
-0.03579722344875336,
-0.031866785138845444,
0.04427749291062355,
-0.022942358627915382,
0.019742978736758232,
0.0737990066409111,
0.12196450680494308,
-0.09713205695152283,
-0.06380221992731094,
-0.011061737313866615,
0.004886132664978504,
-0.021985741332173347,
-0.024688633158802986,
0.040858034044504166,
-0.06702981144189835,
-0.14464005827903748,
0.14673341810703278,
-0.04725707694888115,
0.21425455808639526,
0.019618475809693336,
-0.12168865650892258,
-0.09692147374153137,
0.01415886078029871,
0.039418864995241165,
0.08508835732936859,
0.02279346063733101,
-0.12123864144086838,
0.0043417406268417835,
-0.15784373879432678,
0.022130973637104034,
-0.28344231843948364,
-0.2014869749546051,
0.00679762102663517,
0.04717608913779259,
-0.0006018748390488327,
-0.0022162904497236013,
0.07878030836582184,
0.04885661602020264,
0.022509902715682983,
-0.07453498989343643,
0.019843224436044693,
0.049837008118629456,
0.0761171355843544,
-0.054637596011161804,
-0.05461300536990166,
0.01862334832549095,
-0.13389825820922852,
0.11575005203485489,
0.07570477575063705,
0.02263793908059597,
0.01683134399354458,
0.09928309172391891,
-0.045407041907310486,
-0.0019796357955783606,
-0.04654326289892197,
0.10692918300628662,
-0.04501509293913841,
-0.03452317416667938,
0.026189856231212616,
-0.03900686278939247,
0.08389817923307419,
0.015973441302776337,
-0.15072201192378998,
0.013081584125757217,
0.015616720542311668,
0.021645767614245415,
0.09125018119812012,
0.02552388422191143,
-0.051695503294467926,
0.05067779868841171,
-0.0008690194808878005,
-0.013664008118212223,
0.0540408119559288,
0.04603126272559166,
0.06625115126371384,
0.08921265602111816,
-0.03996976464986801,
-0.021479105576872826,
0.06403305381536484,
0.013152224011719227,
0.04166269302368164,
-0.15068131685256958
] |
515f8b42f01c57f7180ab5e6b3f7a986eaa065ad | # Dataset Card for "araproje_arc_en_conf_mgpt_nearestscore_true_x"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_arc_en_conf_mgpt_nearestscore_true_x | [
"region:us"
] | 2024-01-14T10:09:53+00:00 | {"dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "choices", "sequence": [{"name": "text", "dtype": "string"}, {"name": "label", "dtype": "string"}]}, {"name": "answerKey", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 80031.0, "num_examples": 250}], "download_size": 46916, "dataset_size": 80031.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:09:59+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_arc_en_conf_mgpt_nearestscore_true_x"
More Information needed | [
"# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true_x\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true_x\"\n\nMore Information needed"
] | [
6,
34
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true_x\"\n\nMore Information needed"
] | [
-0.14110687375068665,
0.1638546586036682,
-0.0027930233627557755,
0.005750981159508228,
0.0483517162501812,
0.0011081505799666047,
0.054977383464574814,
0.0777728259563446,
0.060914408415555954,
0.0467066764831543,
0.12762002646923065,
0.05935519561171532,
0.08765020966529846,
0.19183436036109924,
-0.019121045246720314,
0.061829544603824615,
0.02380569465458393,
0.026028864085674286,
0.0708232969045639,
0.06102750077843666,
0.01873800717294216,
-0.06335107982158661,
0.06353891640901566,
-0.02519810199737549,
-0.21483416855335236,
0.11896473914384842,
-0.06761788576841354,
-0.11242673546075821,
0.08236321806907654,
-0.009976819157600403,
0.07037799805402756,
-0.07657626271247864,
-0.057489290833473206,
-0.09951334446668625,
0.004935545846819878,
0.019194822758436203,
-0.052200641483068466,
0.01792670413851738,
0.08486977964639664,
-0.17814455926418304,
-0.0638129785656929,
-0.05658482015132904,
-0.025188110768795013,
-0.0018952881218865514,
-0.16488030552864075,
-0.23249675333499908,
-0.004045449662953615,
-0.06896725296974182,
0.028414415195584297,
0.04271044582128525,
0.03444625064730644,
0.23650068044662476,
-0.09123405814170837,
0.06225017085671425,
0.10381622612476349,
-0.07886133342981339,
0.006088369060307741,
0.09323450922966003,
-0.14869293570518494,
0.15905512869358063,
0.059353530406951904,
0.04821827635169029,
0.13482877612113953,
0.018011892214417458,
-0.09365411102771759,
-0.012121547013521194,
-0.1488722413778305,
0.1307726949453354,
-0.018083158880472183,
-0.15052086114883423,
0.2739921808242798,
-0.0367257222533226,
0.008306529372930527,
0.04648434743285179,
-0.05547289922833443,
-0.03091185726225376,
0.049580637365579605,
0.09158963710069656,
0.011021535843610764,
0.05079377070069313,
-0.06608563661575317,
0.09670526534318924,
-0.10315194725990295,
-0.03841046243906021,
-0.14543630182743073,
0.20370596647262573,
-0.01713351160287857,
0.17915695905685425,
-0.1644214540719986,
0.03778134658932686,
-0.10430669039487839,
-0.10327783226966858,
0.00717101851478219,
-0.07318168133497238,
-0.011324218474328518,
0.0006511006504297256,
-0.022332679480314255,
0.07423325628042221,
0.0934036448597908,
0.02263776957988739,
0.053543273359537125,
0.0017913187621161342,
-0.0030014298390597105,
0.09764087945222855,
0.16895221173763275,
-0.014472687616944313,
-0.03911475092172623,
-0.03020193614065647,
-0.08403582125902176,
-0.12758274376392365,
0.04264085367321968,
-0.021556667983531952,
-0.03568676486611366,
-0.06260158121585846,
-0.15697580575942993,
0.1427280604839325,
-0.0010036324383690953,
-0.10979239642620087,
-0.04844629764556885,
0.0017419169889762998,
0.0683543011546135,
-0.085121750831604,
-0.036461345851421356,
-0.07329387217760086,
-0.1360190510749817,
0.07075101137161255,
-0.08244385570287704,
0.020132388919591904,
0.009925540536642075,
0.01298383716493845,
-0.0362379252910614,
0.025010837242007256,
-0.031282421201467514,
-0.0408572182059288,
0.07769382745027542,
-0.08115670830011368,
0.0634215846657753,
-0.1549064964056015,
-0.12264737486839294,
-0.014349302276968956,
0.0038141668774187565,
-0.04240196570754051,
0.20493732392787933,
-0.013965622521936893,
0.06601451337337494,
-0.051810622215270996,
-0.019424257799983025,
0.014808484353125095,
-0.10431366413831711,
0.054230570793151855,
0.10502472519874573,
0.09270205348730087,
-0.03271399438381195,
0.034750163555145264,
-0.19152264297008514,
-0.016927650198340416,
-0.042018648236989975,
-0.04220039024949074,
-0.058857809752225876,
0.12494295090436935,
-0.08252137154340744,
0.0007494054734706879,
-0.09449155628681183,
0.05756558105349541,
0.06624075025320053,
0.06814093887805939,
-0.085639089345932,
-0.028809929266572,
0.13095782697200775,
-0.05762457475066185,
-0.2002551108598709,
0.043685805052518845,
0.021917112171649933,
0.026219140738248825,
0.0542946420609951,
0.16400331258773804,
-0.03561140224337578,
-0.034016214311122894,
-0.01380357425659895,
0.11974188685417175,
-0.11164384335279465,
-0.26290854811668396,
0.08051268756389618,
-0.036101825535297394,
-0.10565619170665741,
0.09016687422990799,
0.11844945698976517,
0.09942778944969177,
-0.025292498990893364,
-0.06988347321748734,
-0.016150131821632385,
-0.1311701238155365,
-0.08731582760810852,
0.024482833221554756,
-0.04266029968857765,
-0.10662086308002472,
0.10724040865898132,
-0.1685565561056137,
0.11119187623262405,
0.05707171931862831,
-0.07264447212219238,
0.04249843209981918,
0.12803149223327637,
-0.3031042814254761,
-0.02896079421043396,
-0.13297566771507263,
-0.0002269660180900246,
0.001957031199708581,
-0.018153958022594452,
-0.021131964400410652,
0.004626319278031588,
0.06638651341199875,
-0.017854386940598488,
0.08524469286203384,
0.03215431794524193,
0.11541032791137695,
0.018798865377902985,
0.004565742798149586,
-0.011457613669335842,
0.16571325063705444,
-0.08462481200695038,
-0.0810718759894371,
-0.020311139523983,
-0.08536284416913986,
0.0008696010918356478,
0.07465896010398865,
-0.0118859289214015,
0.030292624607682228,
0.07794979959726334,
0.024749143049120903,
-0.017550276592373848,
-0.05403682217001915,
0.0027850738260895014,
-0.02737792767584324,
0.07067345827817917,
0.12912744283676147,
-0.1307447999715805,
0.18776902556419373,
0.14648427069187164,
-0.11690369248390198,
0.012880438007414341,
-0.022364862263202667,
0.0075152842327952385,
0.013277065008878708,
-0.05536874383687973,
0.11100006848573685,
-0.03159089386463165,
-0.0660310611128807,
0.08936820179224014,
-0.11462457478046417,
-0.005493578966706991,
0.08591628819704056,
-0.07386450469493866,
-0.10192683339118958,
0.12859100103378296,
0.1562187224626541,
-0.23244144022464752,
0.15796397626399994,
0.2920081317424774,
0.18066523969173431,
0.05694616213440895,
0.011092511005699635,
-0.11125430464744568,
0.019072405993938446,
0.04042494297027588,
-0.0631747767329216,
0.16879163682460785,
-0.01763838529586792,
-0.03752311319112778,
0.09990761429071426,
-0.03363138437271118,
0.07828863710165024,
-0.13589459657669067,
-0.0877314880490303,
0.023656874895095825,
0.004542239475995302,
-0.11196806281805038,
0.04961496219038963,
-0.04380855709314346,
0.10103254020214081,
-0.02122076228260994,
-0.045860208570957184,
0.05789387226104736,
0.02211819775402546,
-0.026861630380153656,
0.14939893782138824,
-0.09076877683401108,
-0.2858280837535858,
-0.020808765664696693,
-0.09257461875677109,
0.001278609037399292,
0.02491220273077488,
-0.015539071522653103,
-0.19498929381370544,
-0.07511033862829208,
0.03959449380636215,
-0.1283266395330429,
-0.23564480245113373,
-0.024960629642009735,
-0.03866564854979515,
0.0323362797498703,
-0.06971960514783859,
-0.0926130935549736,
-0.012088209390640259,
-0.06666143238544464,
0.0372941829264164,
0.12603574991226196,
-0.15476416051387787,
0.15708476305007935,
0.09072250872850418,
0.0031928380485624075,
0.07992535829544067,
0.007515931501984596,
0.08081451058387756,
-0.03974588215351105,
-0.14170731604099274,
0.12455738335847855,
0.08313195407390594,
0.036437224596738815,
0.04110502079129219,
0.0328068844974041,
-0.12723562121391296,
0.016544125974178314,
-0.047785285860300064,
-0.15865503251552582,
-0.19955898821353912,
-0.14275486767292023,
-0.007311512250453234,
0.021419664844870567,
0.0890021026134491,
0.07693827897310257,
-0.011395271867513657,
0.11762509495019913,
0.07769300043582916,
-0.0666346549987793,
-0.20230263471603394,
0.020293401554226875,
-0.08549291640520096,
0.007616440765559673,
0.02773352712392807,
-0.14135371148586273,
-0.03720470517873764,
0.13208486139774323,
0.15547360479831696,
0.07575622200965881,
0.021648632362484932,
-0.028334466740489006,
0.010472492314875126,
0.10065260529518127,
0.05419120565056801,
0.06042235717177391,
0.1233162209391594,
-0.03175681456923485,
0.015865761786699295,
-0.03449355065822601,
-0.04881563410162926,
0.036495063453912735,
0.02336016111075878,
-0.10510880500078201,
0.043899089097976685,
-0.15627597272396088,
0.1064167320728302,
-0.24908985197544098,
0.05659278482198715,
-0.2575242221355438,
0.0866350457072258,
-0.030129091814160347,
0.11279847472906113,
-0.050079621374607086,
0.013385859318077564,
0.05926438793540001,
-0.03545428439974785,
-0.006037951912730932,
0.03732005134224892,
0.0665963664650917,
-0.0401315838098526,
0.029666868969798088,
-0.02407931722700596,
-0.03858776018023491,
-0.01656290329992771,
0.11614862084388733,
-0.19312986731529236,
0.2486211657524109,
0.07249034941196442,
-0.03661808744072914,
-0.11181621253490448,
-0.044505659490823746,
-0.03376192972064018,
-0.044491056352853775,
0.16890670359134674,
0.05709438398480415,
-0.08157870918512344,
-0.329890638589859,
-0.06465765088796616,
0.04612922668457031,
0.09747277945280075,
0.04395967349410057,
-0.10410512238740921,
0.1185588613152504,
0.045604363083839417,
-0.05217022821307182,
-0.07505591213703156,
0.009102797135710716,
-0.029559224843978882,
-0.006367889232933521,
0.02647498995065689,
-0.21724532544612885,
0.03346635401248932,
0.000486864271806553,
-0.18142648041248322,
0.07502135634422302,
0.16790947318077087,
-0.054846957325935364,
-0.08351786434650421,
-0.003756585530936718,
0.13254158198833466,
-0.04465078189969063,
-0.005721214227378368,
-0.03234938532114029,
-0.025756986811757088,
-0.043249357491731644,
-0.11751881241798401,
0.08219090104103088,
-0.07550477236509323,
0.14157384634017944,
-0.09847337752580643,
0.10498876869678497,
-0.0053371237590909,
-0.027270378544926643,
-0.02239113859832287,
0.05122847855091095,
-0.1412283331155777,
-0.04421037808060646,
0.15646786987781525,
0.02617042511701584,
0.07729849964380264,
0.1932227462530136,
0.130135640501976,
0.06646908074617386,
0.018654674291610718,
-0.015581930056214333,
0.12864595651626587,
0.09606976807117462,
-0.04755725711584091,
0.07081153988838196,
0.19461049139499664,
-0.014001074247062206,
-0.14079274237155914,
0.03575003147125244,
-0.16192734241485596,
0.007833545096218586,
0.03327034041285515,
-0.10911772400140762,
0.14159254729747772,
0.06973504275083542,
-0.026735777035355568,
0.12803180515766144,
-0.27999427914619446,
0.021513663232326508,
0.1308773010969162,
0.004115281626582146,
0.30177876353263855,
-0.052157286554574966,
-0.02316952496767044,
-0.04299522936344147,
-0.1468457579612732,
0.08865346759557724,
-0.11920983344316483,
0.06997929513454437,
-0.037805844098329544,
0.10767503082752228,
0.025644736364483833,
-0.09134130924940109,
0.18849097192287445,
0.043240394443273544,
0.08877243846654892,
-0.07998371869325638,
0.01170046254992485,
-0.005434222985059023,
-0.013504642993211746,
0.060643065720796585,
0.05741015821695328,
0.07389891147613525,
-0.20724235475063324,
-0.051458653062582016,
0.014779909513890743,
0.017274340614676476,
0.09700481593608856,
-0.06110519543290138,
-0.09846937656402588,
-0.05344809591770172,
-0.06233706325292587,
-0.031591299921274185,
-0.023245835676789284,
-0.009138362482190132,
0.034833282232284546,
-0.042477287352085114,
-0.10315393656492233,
-0.0995466485619545,
-0.014341583475470543,
-0.04780874401330948,
-0.05290956795215607,
0.061264872550964355,
-0.28935033082962036,
0.017368538305163383,
0.15084558725357056,
0.0063248323276638985,
-0.042303409427404404,
0.02815079689025879,
-0.1099146157503128,
0.01931970752775669,
0.1365889012813568,
-0.13068975508213043,
0.18018373847007751,
0.012352252379059792,
0.00752111803740263,
0.12568539381027222,
0.007692829240113497,
0.008825384080410004,
0.04312552139163017,
-0.014031133614480495,
-0.03318704664707184,
0.005147886928170919,
-0.026987465098500252,
0.1102529838681221,
0.0493810661137104,
-0.013366371393203735,
-0.18633146584033966,
0.2879239320755005,
0.035955991595983505,
-0.030701380223035812,
0.008510392159223557,
-0.008906364440917969,
-0.07287771254777908,
-0.058840785175561905,
0.09823675453662872,
0.17278805375099182,
-0.20524801313877106,
-0.1589374840259552,
-0.08606749027967453,
0.015086901374161243,
0.030133025720715523,
0.13504260778427124,
0.09484252333641052,
0.02705453522503376,
0.043774474412202835,
-0.08004049956798553,
-0.011679631657898426,
-0.028202740475535393,
0.006814765743911266,
0.011065807193517685,
0.0008677794248796999,
-0.010967692360281944,
-0.004555973690003157,
0.14031416177749634,
-0.03199751675128937,
-0.051821015775203705,
-0.05140385776758194,
0.09812996536493301,
-0.12338397651910782,
-0.01907319948077202,
-0.004529428202658892,
-0.018825745210051537,
0.0018263019155710936,
-0.007356543559581041,
-0.01751558668911457,
-0.021400930359959602,
-0.10766953974962234,
0.06789324432611465,
0.05536789074540138,
-0.018310414627194405,
-0.09601300209760666,
-0.023188436403870583,
0.04670922830700874,
0.07378185540437698,
0.018449364230036736,
0.12559716403484344,
-0.012252375483512878,
0.044754646718502045,
-0.19746989011764526,
-0.13813892006874084,
0.09967026859521866,
0.04823828861117363,
0.05027283728122711,
0.06023583188652992,
0.08550398796796799,
0.10234386473894119,
-0.08695556968450546,
0.0071954806335270405,
-0.05173888057470322,
-0.08246999979019165,
-0.08723036199808121,
-0.08812742680311203,
-0.06476538628339767,
-0.040161918848752975,
-0.032462723553180695,
0.13858632743358612,
0.11143196374177933,
-0.0896545946598053,
0.04393211379647255,
0.022060967981815338,
-0.013864660635590553,
-0.08550241589546204,
-0.04533038288354874,
-0.17289525270462036,
-0.06561806797981262,
0.06461118906736374,
0.03678238019347191,
-0.05469159781932831,
0.3733936548233032,
0.04570716992020607,
0.021942544728517532,
-0.0415714755654335,
0.15425848960876465,
0.04576845467090607,
-0.050232961773872375,
0.2041061967611313,
0.08950447291135788,
0.017969876527786255,
-0.11848864704370499,
0.09510364383459091,
0.07375835627317429,
0.02672107145190239,
-0.07995347678661346,
0.07112403213977814,
0.2295369952917099,
0.0021726025734096766,
0.021738050505518913,
-0.1158781573176384,
0.13325823843479156,
-0.16433848440647125,
-0.04334783926606178,
-0.02223379723727703,
0.08314206451177597,
-0.08325331658124924,
0.10238400101661682,
0.009703832678496838,
-0.059389177709817886,
-0.027600256726145744,
-0.005875648930668831,
-0.09125293046236038,
-0.08767763525247574,
-0.02161790244281292,
-0.041900794953107834,
0.037941232323646545,
-0.04659261927008629,
0.026335978880524635,
0.2386636883020401,
0.05465588718652725,
0.0018382936250418425,
0.06546106189489365,
0.04945977032184601,
-0.04155176132917404,
0.012966979295015335,
-0.023285292088985443,
0.06767194718122482,
-0.008630561642348766,
-0.02099485881626606,
0.017132684588432312,
-0.046083565801382065,
0.01511483546346426,
-0.01790974661707878,
0.07580633461475372,
0.01470249518752098,
-0.1544901579618454,
-0.028091812506318092,
-0.06630163639783859,
0.05530718341469765,
-0.08837450295686722,
0.040430184453725815,
0.06874648481607437,
0.0487639419734478,
0.05119059979915619,
0.18164858222007751,
0.0432925708591938,
0.049720194190740585,
0.0038968324661254883,
0.1298498511314392,
-0.03672001138329506,
0.06843505054712296,
-0.010289391502737999,
-0.04645964875817299,
-0.04287656024098396,
0.14774499833583832,
0.13691969215869904,
-0.01803344301879406,
-0.028572898358106613,
-0.022120799869298935,
0.04474954307079315,
-0.016053419560194016,
0.02039550431072712,
0.06250384449958801,
0.12202754616737366,
-0.09110739827156067,
-0.04314029961824417,
0.0007254347437992692,
0.003740800777450204,
-0.007601228542625904,
-0.023294605314731598,
0.059787336736917496,
-0.05506511777639389,
-0.1256391555070877,
0.14504027366638184,
-0.03987659513950348,
0.2329012006521225,
0.029062755405902863,
-0.10271208733320236,
-0.09485924988985062,
0.011930277571082115,
0.026723070070147514,
0.0924016460776329,
0.018921004608273506,
-0.11704852432012558,
-0.010398592799901962,
-0.14808166027069092,
0.016363855451345444,
-0.28550776839256287,
-0.2174776941537857,
-0.004769235383719206,
0.03144749626517296,
0.017203330993652344,
0.0019679360557347536,
0.07087450474500656,
0.04993673413991928,
0.014150124974548817,
-0.07744592428207397,
0.02128056436777115,
0.037052977830171585,
0.06911098957061768,
-0.04059131070971489,
-0.0493190623819828,
0.006191007327288389,
-0.10988452285528183,
0.11497075110673904,
0.10691741108894348,
0.02978994883596897,
0.009701118804514408,
0.10237331688404083,
-0.04152112826704979,
-0.00765385152772069,
-0.05437660217285156,
0.11303631961345673,
-0.04375370964407921,
-0.04247230663895607,
0.031781211495399475,
-0.025484072044491768,
0.10343741625547409,
0.01289946399629116,
-0.1138073280453682,
0.006328577175736427,
0.01329820230603218,
0.025922276079654694,
0.10519944876432419,
0.031291425228118896,
-0.06049594655632973,
0.046609602868556976,
-0.011240842752158642,
-0.019702373072504997,
0.044584859162569046,
0.03182351961731911,
0.07824333012104034,
0.08899234980344772,
-0.047817133367061615,
-0.039120327681303024,
0.061035968363285065,
0.014842093922197819,
0.04685429111123085,
-0.1468614935874939
] |
7ac3917b84a00ad9131b5a71e240e878a1f09a8b | # Dataset Card for "araproje_arc_en_conf_mgpt_nearestscore_true"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_arc_en_conf_mgpt_nearestscore_true | [
"region:us"
] | 2024-01-14T10:10:02+00:00 | {"dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "choices", "sequence": [{"name": "text", "dtype": "string"}, {"name": "label", "dtype": "string"}]}, {"name": "answerKey", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 80031.0, "num_examples": 250}], "download_size": 46813, "dataset_size": 80031.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:10:05+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_arc_en_conf_mgpt_nearestscore_true"
More Information needed | [
"# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true\"\n\nMore Information needed"
] | [
6,
32
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_arc_en_conf_mgpt_nearestscore_true\"\n\nMore Information needed"
] | [
-0.1256113350391388,
0.16097953915596008,
-0.003236822783946991,
0.008588592521846294,
0.04837033897638321,
0.009650720283389091,
0.06505850702524185,
0.05370603874325752,
0.04425288364291191,
0.046235956251621246,
0.13709862530231476,
0.030001439154148102,
0.08111555129289627,
0.1699952334165573,
-0.00765050807967782,
0.05286680907011032,
0.02925042249262333,
0.02020600065588951,
0.07695437967777252,
0.0642523542046547,
0.02111581526696682,
-0.05031849071383476,
0.06709643453359604,
-0.013689178973436356,
-0.21024683117866516,
0.12282560020685196,
-0.06869296729564667,
-0.11433441191911697,
0.09312580525875092,
-0.014001809060573578,
0.07925248146057129,
-0.0948350578546524,
-0.04772292822599411,
-0.09223662316799164,
0.002236227737739682,
0.018677206709980965,
-0.04599907994270325,
0.01866818405687809,
0.0732761025428772,
-0.17414650321006775,
-0.048418134450912476,
-0.04979947209358215,
-0.010680445469915867,
-0.009447747841477394,
-0.16340306401252747,
-0.21725822985172272,
0.007800827268511057,
-0.07934088259935379,
0.020671339705586433,
0.04052593186497688,
0.042213547974824905,
0.2227315455675125,
-0.09134023636579514,
0.05835316702723503,
0.08227721601724625,
-0.056379932910203934,
0.004297773819416761,
0.1143934354186058,
-0.18933925032615662,
0.13432739675045013,
0.056537993252277374,
0.03900405764579773,
0.13788482546806335,
0.03951359540224075,
-0.09152383357286453,
-0.004345539957284927,
-0.1478428840637207,
0.11737736314535141,
-0.010364018380641937,
-0.1598905473947525,
0.2858981490135193,
-0.047947101294994354,
0.007740432396531105,
0.04799512028694153,
-0.06658245623111725,
-0.00239738286472857,
0.05167202278971672,
0.09707340598106384,
0.0026847117114812136,
0.06332917511463165,
-0.07325571030378342,
0.10228153318166733,
-0.11060336977243423,
-0.05670473724603653,
-0.17621374130249023,
0.17989632487297058,
-0.01667075976729393,
0.16963569819927216,
-0.16860879957675934,
0.05012473091483116,
-0.11992892622947693,
-0.10449002683162689,
0.003336911788210273,
-0.06732746213674545,
0.007480763830244541,
-0.008265657350420952,
-0.03457934409379959,
0.0811392217874527,
0.09937842935323715,
0.04414308816194534,
0.06013021618127823,
0.001776869292370975,
0.0003183072549290955,
0.09485828131437302,
0.16431662440299988,
-0.03532957658171654,
-0.04436775669455528,
-0.025849830359220505,
-0.08664052188396454,
-0.14101126790046692,
0.05286116898059845,
-0.014117859303951263,
-0.02199324034154415,
-0.07341822236776352,
-0.14896917343139648,
0.12575973570346832,
-0.01860930398106575,
-0.10854724794626236,
-0.036648232489824295,
0.016946956515312195,
0.07271251082420349,
-0.08924926072359085,
-0.055762141942977905,
-0.08566229790449142,
-0.12680715322494507,
0.07059569656848907,
-0.08279383927583694,
0.022475361824035645,
0.01915138214826584,
0.04493042826652527,
-0.04257185757160187,
0.01911083608865738,
-0.01977117918431759,
-0.030773071572184563,
0.08828729391098022,
-0.0721939206123352,
0.06153803691267967,
-0.16389808058738708,
-0.12444092333316803,
-0.00979328341782093,
0.009458224289119244,
-0.05281243845820427,
0.21455132961273193,
-0.007937292568385601,
0.06299521774053574,
-0.04346049204468727,
-0.017987120896577835,
0.007946375757455826,
-0.10626386106014252,
0.04762500151991844,
0.1065293699502945,
0.08817163109779358,
-0.037031859159469604,
0.024404091760516167,
-0.21170616149902344,
-0.015889711678028107,
-0.0407545380294323,
-0.058398984372615814,
-0.04714106768369675,
0.1270761340856552,
-0.08822332322597504,
0.0005601346492767334,
-0.12902846932411194,
0.05352179333567619,
0.08252778649330139,
0.08503244817256927,
-0.07469012588262558,
-0.025405969470739365,
0.12675753235816956,
-0.07869891822338104,
-0.19923105835914612,
0.05302548408508301,
0.017022158950567245,
0.050800397992134094,
0.05197450518608093,
0.16257448494434357,
-0.04950333386659622,
-0.04094285890460014,
0.001863650744780898,
0.11622853577136993,
-0.09700064361095428,
-0.24866144359111786,
0.06708177924156189,
-0.050213512033224106,
-0.10889359563589096,
0.09387008100748062,
0.135301873087883,
0.10709133744239807,
-0.02355985902249813,
-0.058714110404253006,
-0.025668272748589516,
-0.13226032257080078,
-0.0931413322687149,
0.013585930690169334,
-0.03519401326775551,
-0.10626077651977539,
0.12793806195259094,
-0.16363517940044403,
0.10275714844465256,
0.05780027061700821,
-0.07192666083574295,
0.04932738468050957,
0.11009933799505234,
-0.29498037695884705,
-0.030713314190506935,
-0.1323096603155136,
-0.013354661874473095,
-0.010257418267428875,
-0.03562553972005844,
-0.01163301058113575,
-0.021012337878346443,
0.0833158865571022,
-0.012725071981549263,
0.07500512152910233,
0.055677130818367004,
0.11888229101896286,
0.03224014490842819,
0.01951439119875431,
-0.0038653118535876274,
0.16822382807731628,
-0.07965458184480667,
-0.07646346092224121,
-0.015103073790669441,
-0.08070698380470276,
0.008477425202727318,
0.11303004622459412,
-0.017133090645074844,
0.03224305436015129,
0.07921498268842697,
0.021349815651774406,
-0.020555146038532257,
-0.055055562406778336,
-0.0003594181325752288,
-0.028826281428337097,
0.07852140814065933,
0.13220331072807312,
-0.11769936233758926,
0.18464601039886475,
0.14813092350959778,
-0.10336277633905411,
0.010243834927678108,
-0.05116545408964157,
0.02475796453654766,
0.004250089637935162,
-0.0562656931579113,
0.10683432966470718,
-0.04338240996003151,
-0.05620227009057999,
0.08959506452083588,
-0.11259535700082779,
0.0024311132729053497,
0.0821380689740181,
-0.08647557348012924,
-0.11263948678970337,
0.11741103231906891,
0.1453266441822052,
-0.23328299820423126,
0.15822851657867432,
0.2958717346191406,
0.15353479981422424,
0.05704557150602341,
0.020334407687187195,
-0.12094438821077347,
0.02839824929833412,
0.03042464517056942,
-0.06813444197177887,
0.1609605997800827,
-0.034338682889938354,
-0.03742097690701485,
0.1053447350859642,
-0.01028739009052515,
0.0734759271144867,
-0.1296573132276535,
-0.07882974296808243,
0.009624472819268703,
0.016991689801216125,
-0.10611781477928162,
0.06090114638209343,
-0.040131792426109314,
0.09831473976373672,
-0.026431739330291748,
-0.04528973624110222,
0.06181718781590462,
0.01906096190214157,
-0.02011997625231743,
0.15256518125534058,
-0.08668464422225952,
-0.27330461144447327,
-0.04348830133676529,
-0.11763656884431839,
-0.009675318375229836,
0.031497351825237274,
-0.01119651272892952,
-0.2021002471446991,
-0.07324173301458359,
0.030940212309360504,
-0.11354969441890717,
-0.22938083112239838,
-0.03659070283174515,
-0.038026999682188034,
0.031034285202622414,
-0.07121160626411438,
-0.09497856348752975,
-0.010578004643321037,
-0.0541553720831871,
0.053166553378105164,
0.13269208371639252,
-0.16594566404819489,
0.15059253573417664,
0.08310767263174057,
0.003115933621302247,
0.07862485200166702,
0.013518002815544605,
0.10012203454971313,
-0.03159119561314583,
-0.1358458399772644,
0.12787355482578278,
0.08563757687807083,
0.03263657167553902,
0.05805303901433945,
0.039748091250658035,
-0.13161040842533112,
0.03544860705733299,
-0.05411490797996521,
-0.16500842571258545,
-0.1787145882844925,
-0.15215009450912476,
-0.006033366546034813,
0.002482709474861622,
0.11024631559848785,
0.07136449217796326,
-0.014825928956270218,
0.12160856276750565,
0.07405725866556168,
-0.06048889830708504,
-0.17458094656467438,
0.0363224595785141,
-0.04550659656524658,
0.0022250961046665907,
0.021641071885824203,
-0.14236168563365936,
-0.04474763199687004,
0.13163593411445618,
0.14687097072601318,
0.06279746443033218,
0.018403248861432076,
-0.0450715608894825,
0.009068145416676998,
0.1030745878815651,
0.0556236170232296,
0.06856945902109146,
0.12850217521190643,
-0.02884512208402157,
0.015803666785359383,
-0.03894412890076637,
-0.053195420652627945,
0.04719361662864685,
-0.005369322840124369,
-0.11733774840831757,
0.059150975197553635,
-0.16527320444583893,
0.08966187387704849,
-0.2380366325378418,
0.07306188344955444,
-0.2850264012813568,
0.06843885034322739,
-0.03633981570601463,
0.12028855085372925,
-0.06469473987817764,
0.03140195459127426,
0.05753960460424423,
-0.028565537184476852,
-0.0008478157687932253,
0.04664663225412369,
0.06300593912601471,
-0.0468558631837368,
0.02681763470172882,
-0.013078286312520504,
-0.030055483803153038,
-0.018930228427052498,
0.11466871201992035,
-0.1970670372247696,
0.25518596172332764,
0.06618393957614899,
-0.042797066271305084,
-0.11226767301559448,
-0.051753316074609756,
-0.03320818766951561,
-0.025826789438724518,
0.1565268486738205,
0.06098083779215813,
-0.07038062065839767,
-0.3176300525665283,
-0.06305830925703049,
0.04075514152646065,
0.11298517882823944,
0.04702607914805412,
-0.11343472450971603,
0.11147813498973846,
0.04310554638504982,
-0.05969787389039993,
-0.09200586378574371,
0.00041472911834716797,
-0.030622586607933044,
-0.010365398600697517,
0.05598161369562149,
-0.1901274174451828,
0.02496614307165146,
-0.004496101755648851,
-0.14673103392124176,
0.05707359313964844,
0.1586020141839981,
-0.051938362419605255,
-0.06914850324392319,
-0.022329963743686676,
0.14984607696533203,
-0.038087520748376846,
0.007200820837169886,
-0.049616489559412,
-0.02741863951086998,
-0.03196217119693756,
-0.11507575958967209,
0.07868804037570953,
-0.07896894961595535,
0.14094887673854828,
-0.09024249017238617,
0.10739638656377792,
0.0010520396754145622,
-0.03544675558805466,
-0.016192244365811348,
0.070140540599823,
-0.14444248378276825,
-0.04270500689744949,
0.12883582711219788,
0.0485546812415123,
0.0962548702955246,
0.1953020542860031,
0.11238230019807816,
0.07264353334903717,
0.028189310804009438,
-0.016094079241156578,
0.11914677917957306,
0.09674350172281265,
-0.03590327873826027,
0.05391569808125496,
0.23215973377227783,
-0.01086494605988264,
-0.1388251781463623,
0.023218879476189613,
-0.16678288578987122,
0.00872513372451067,
0.01648894138634205,
-0.10844848304986954,
0.1577884703874588,
0.07819218933582306,
-0.027080444619059563,
0.1061367616057396,
-0.25546345114707947,
0.005651584826409817,
0.14322839677333832,
-0.006528523750603199,
0.2964552938938141,
-0.03886432200670242,
-0.02594904601573944,
-0.05283665657043457,
-0.18430452048778534,
0.0808338075876236,
-0.12500281631946564,
0.06619974970817566,
-0.035125650465488434,
0.1246911883354187,
0.021685104817152023,
-0.09845954179763794,
0.2029479593038559,
0.049769848585128784,
0.08954796195030212,
-0.09019284695386887,
0.040026046335697174,
-0.0005553598748520017,
-0.013146882876753807,
0.08243924379348755,
0.08849941194057465,
0.08133545517921448,
-0.18319927155971527,
-0.05326208099722862,
0.015576119534671307,
0.009034293703734875,
0.10227493941783905,
-0.05820496752858162,
-0.10224504768848419,
-0.05389328673481941,
-0.07393697649240494,
-0.04245149716734886,
-0.00037655801861546934,
-0.006408981047570705,
0.04353214427828789,
-0.037331778556108475,
-0.10461559891700745,
-0.12151254713535309,
0.004734865389764309,
-0.04513605311512947,
-0.06014657020568848,
0.058636683970689774,
-0.28222760558128357,
0.01406093593686819,
0.1436738222837448,
0.012829340994358063,
-0.04598444700241089,
0.02712036669254303,
-0.11013213545084,
0.009236771613359451,
0.14598867297172546,
-0.14204666018486023,
0.22341124713420868,
0.023753676563501358,
0.01912967674434185,
0.12190825492143631,
0.0206314530223608,
0.026774201542139053,
0.030606254935264587,
-0.003477830206975341,
-0.020719006657600403,
-0.002692725509405136,
-0.033876556903123856,
0.11314374953508377,
0.03744247555732727,
-0.022402729839086533,
-0.17947538197040558,
0.3051963448524475,
0.0239094328135252,
-0.030865110456943512,
-0.0006080220337025821,
-0.02135562337934971,
-0.09713034331798553,
-0.050726987421512604,
0.06132766604423523,
0.13259878754615784,
-0.20218485593795776,
-0.16418732702732086,
-0.07539170235395432,
0.02839701995253563,
0.01424263883382082,
0.13937394320964813,
0.10507004708051682,
0.03352966159582138,
0.027476327493786812,
-0.08016284555196762,
-0.0019629199523478746,
-0.03759181126952171,
0.018624529242515564,
0.018500210717320442,
0.0033047706820070744,
-0.024034446105360985,
-0.0035292247775942087,
0.1197986826300621,
-0.03756801784038544,
-0.0573003850877285,
-0.040905728936195374,
0.10329536348581314,
-0.11491907387971878,
-0.033072784543037415,
-0.013953293673694134,
-0.01356347557157278,
0.00806799903512001,
-0.01262605469673872,
-0.012469155713915825,
-0.024594957008957863,
-0.09221813082695007,
0.0726296678185463,
0.035971030592918396,
-0.015791483223438263,
-0.10459587723016739,
-0.007922866381704807,
0.06270670890808105,
0.06755810230970383,
0.007423225790262222,
0.1341385841369629,
-0.02152213454246521,
0.05220092460513115,
-0.19755077362060547,
-0.12596915662288666,
0.1107310876250267,
0.043066296726465225,
0.03883969038724899,
0.05998227745294571,
0.07139617204666138,
0.10558964312076569,
-0.07656225562095642,
0.01825888641178608,
-0.03330239653587341,
-0.0794142559170723,
-0.09882334619760513,
-0.07577775418758392,
-0.07698522508144379,
-0.04713192209601402,
-0.053571075201034546,
0.1510094851255417,
0.11603575944900513,
-0.08096903562545776,
0.04415362328290939,
0.00842270627617836,
0.005468441639095545,
-0.08799202740192413,
-0.04929760470986366,
-0.1625032275915146,
-0.06821201741695404,
0.05285702273249626,
0.03186639025807381,
-0.05018454045057297,
0.39931520819664,
0.02286423183977604,
0.009535237215459347,
-0.03640567511320114,
0.16679899394512177,
0.03399600461125374,
-0.05491714924573898,
0.19557197391986847,
0.09233976900577545,
0.013356993906199932,
-0.14188578724861145,
0.09128645807504654,
0.0696229487657547,
0.016033634543418884,
-0.09943054616451263,
0.06966749578714371,
0.20715853571891785,
0.0028202831745147705,
0.020154956728219986,
-0.08991783857345581,
0.16044136881828308,
-0.16688016057014465,
-0.018615445122122765,
-0.024807879701256752,
0.09244164824485779,
-0.06467841565608978,
0.11516252905130386,
0.015800900757312775,
-0.08318158239126205,
-0.03147006034851074,
-0.009383607655763626,
-0.08595958352088928,
-0.08824364095926285,
-0.024350348860025406,
-0.05057644844055176,
0.04131387919187546,
-0.046876873821020126,
0.030567850917577744,
0.2777682840824127,
0.06800681352615356,
-0.0005734505248256028,
0.09635017067193985,
0.039052728563547134,
-0.044706765562295914,
0.006544026546180248,
-0.023441698402166367,
0.07730578631162643,
-0.0015990684041753411,
-0.03889899700880051,
0.012712552212178707,
-0.0502518005669117,
0.005080990493297577,
-0.009705119766294956,
0.09451135247945786,
-0.004788569174706936,
-0.14980874955654144,
-0.024758782237768173,
-0.07603348046541214,
0.06763388216495514,
-0.1070621907711029,
0.02732107974588871,
0.06676329672336578,
0.045293644070625305,
0.052628595381975174,
0.1937573105096817,
0.032016951590776443,
0.04116034507751465,
-0.0021772689651697874,
0.14612552523612976,
-0.03822512924671173,
0.07712782919406891,
-0.0174484271556139,
-0.05414269119501114,
-0.05148787051439285,
0.1439630389213562,
0.12080994248390198,
-0.015579302795231342,
-0.0343480221927166,
-0.017943356186151505,
0.04916737228631973,
-0.013080916367471218,
0.021774182096123695,
0.06850318610668182,
0.10251810401678085,
-0.08346696943044662,
-0.04155262932181358,
-0.0018251457950100303,
-0.004957559518516064,
-0.009204762987792492,
-0.032087989151477814,
0.04203863441944122,
-0.06406857073307037,
-0.14289729297161102,
0.14998872578144073,
-0.043703969568014145,
0.22447869181632996,
0.01564529351890087,
-0.09310419857501984,
-0.09229980409145355,
0.016250208020210266,
0.012690535746514797,
0.0850939080119133,
0.020482083782553673,
-0.11848517507314682,
-0.008956191129982471,
-0.14836308360099792,
0.023740585893392563,
-0.273729145526886,
-0.24370402097702026,
-0.0017919884994626045,
0.05671690031886101,
0.004027694929391146,
0.011705225333571434,
0.08852080255746841,
0.05097262188792229,
0.01690470054745674,
-0.07273268699645996,
0.016417765989899635,
0.03577198088169098,
0.08430377393960953,
-0.054230742156505585,
-0.05617731064558029,
0.008351941592991352,
-0.11450942605733871,
0.11192674934864044,
0.08468502759933472,
0.029139388352632523,
0.019022032618522644,
0.1011427789926529,
-0.0574772022664547,
-0.004745599813759327,
-0.05305228754878044,
0.11178718507289886,
-0.04235672578215599,
-0.03804263100028038,
0.03297102078795433,
-0.030315693467855453,
0.10814394056797028,
0.015629181638360023,
-0.155408576130867,
0.018582111224532127,
0.004391863010823727,
0.020495571196079254,
0.09074283391237259,
0.023228168487548828,
-0.07121513038873672,
0.0368361659348011,
-0.006326828617602587,
-0.010197628289461136,
0.06150498986244202,
0.04002881050109863,
0.05833985656499863,
0.09494495391845703,
-0.04620629921555519,
-0.03408263623714447,
0.07550741732120514,
0.016771772876381874,
0.02854577638208866,
-0.16042043268680573
] |
2f0bb505a81c75c8e0b32f0d3c989863b85e50e1 | # Dataset Card for "araproje_arc_tr_conf_gpt2_nearestscore_true_y"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_arc_tr_conf_gpt2_nearestscore_true_y | [
"region:us"
] | 2024-01-14T10:11:06+00:00 | {"dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "choices", "sequence": [{"name": "text", "dtype": "string"}, {"name": "label", "dtype": "string"}]}, {"name": "answerKey", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 86423.0, "num_examples": 250}], "download_size": 50655, "dataset_size": 86423.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:11:08+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_arc_tr_conf_gpt2_nearestscore_true_y"
More Information needed | [
"# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true_y\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true_y\"\n\nMore Information needed"
] | [
6,
35
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true_y\"\n\nMore Information needed"
] | [
-0.10421634465456009,
0.1436341106891632,
-0.0026326533406972885,
0.04032308608293533,
0.04562321677803993,
0.017556555569171906,
0.04531233757734299,
0.0922267884016037,
0.05546431615948677,
0.028164373710751534,
0.11911515146493912,
0.01844133622944355,
0.0940728485584259,
0.14956358075141907,
-0.008287358097732067,
0.00989408791065216,
0.025610309094190598,
0.024511732161045074,
0.0619787760078907,
0.07876984775066376,
0.017680564895272255,
-0.0307866670191288,
0.052728138864040375,
-0.01029603835195303,
-0.20820677280426025,
0.09995079040527344,
-0.04140184074640274,
-0.11111320555210114,
0.1234307587146759,
0.008374029770493507,
0.09938708692789078,
-0.05833178758621216,
-0.019454441964626312,
-0.0705927312374115,
0.002180695766583085,
0.0356709361076355,
-0.07045579701662064,
0.024705279618501663,
0.07152851670980453,
-0.15577542781829834,
-0.03315134719014168,
-0.0005596743430942297,
-0.03414957970380783,
-0.0063352566212415695,
-0.1834457963705063,
-0.25207585096359253,
-0.04879253730177879,
-0.06654166430234909,
0.005578993353992701,
0.017020363360643387,
0.04957770183682442,
0.22708426415920258,
-0.11458033323287964,
0.0562707781791687,
0.1045927032828331,
-0.10650800168514252,
0.009341775439679623,
0.06144129857420921,
-0.16533976793289185,
0.10705845803022385,
0.03296351805329323,
0.02925770729780197,
0.11698274314403534,
0.03152721747756004,
-0.10133834183216095,
-0.00124659005086869,
-0.24262674152851105,
0.12724550068378448,
-0.013802838511765003,
-0.16477249562740326,
0.24270248413085938,
-0.03814031183719635,
0.0002900050603784621,
0.10966784507036209,
-0.07897789776325226,
-0.034218546003103256,
0.04890751466155052,
0.0794740542769432,
-0.011249858886003494,
0.06001449003815651,
-0.06902170926332474,
0.06836077570915222,
-0.12603570520877838,
-0.0760626345872879,
-0.19017206132411957,
0.18134818971157074,
0.005188294220715761,
0.19032110273838043,
-0.15697237849235535,
0.07417764514684677,
-0.07436270266771317,
-0.08478792756795883,
-0.013697868213057518,
-0.056453440338373184,
-0.00865219347178936,
-0.0025354500394314528,
-0.006063762120902538,
0.1273239254951477,
0.09243932366371155,
0.05764608457684517,
0.04418522119522095,
-0.014951242133975029,
-0.022988248616456985,
0.08704591542482376,
0.12658697366714478,
-0.006596204824745655,
-0.07561574131250381,
0.05424107611179352,
-0.058516450226306915,
-0.15587079524993896,
0.04712290316820145,
-0.028067801147699356,
-0.033509816974401474,
-0.09647603332996368,
-0.09398778527975082,
0.11594446748495102,
-0.00003877712515532039,
-0.10492297261953354,
-0.06738551706075668,
0.01922091841697693,
0.09534009546041489,
-0.06381025165319443,
-0.03208581730723381,
-0.06319287419319153,
-0.12455429136753082,
0.026636337861418724,
-0.07074690610170364,
0.0325237512588501,
0.02235151082277298,
0.004654574207961559,
-0.04328865557909012,
0.017894234508275986,
0.0092391362413764,
-0.02698594704270363,
0.08833233267068863,
-0.07234031707048416,
0.04792260006070137,
-0.16234245896339417,
-0.14134849607944489,
-0.0033337962813675404,
0.004575190134346485,
-0.0639197826385498,
0.2175835520029068,
0.007866430096328259,
0.04752074182033539,
-0.035976774990558624,
-0.01796765998005867,
0.002174059161916375,
-0.10609448701143265,
0.08210884034633636,
0.07229753583669662,
0.08792590349912643,
-0.07303087413311005,
0.027258502319455147,
-0.20858293771743774,
-0.02140668034553528,
-0.008953163400292397,
-0.056406546384096146,
-0.054928142577409744,
0.0860191211104393,
-0.08629456907510757,
-0.016573399305343628,
-0.10176707059144974,
0.04926709458231926,
0.07774832844734192,
0.06091839820146561,
-0.09281788021326065,
-0.016765091568231583,
0.18680207431316376,
-0.0683727040886879,
-0.14312554895877838,
0.07726501673460007,
0.01883826032280922,
0.010549468919634819,
0.05828305706381798,
0.2002059668302536,
0.011888695880770683,
-0.031232301145792007,
-0.01298963651061058,
0.1276707798242569,
-0.1338508576154709,
-0.2177731990814209,
0.07611554861068726,
-0.005440006032586098,
-0.1226310282945633,
0.08091969043016434,
0.11578283458948135,
0.12074361741542816,
-0.0370015986263752,
-0.06363160163164139,
-0.02252916805446148,
-0.11528020352125168,
-0.014458170160651207,
0.033838577568531036,
-0.02966269850730896,
-0.10109130293130875,
0.08618111908435822,
-0.16027918457984924,
0.119685597717762,
0.043965354561805725,
-0.05094817653298378,
0.024394989013671875,
0.1569620966911316,
-0.2349616140127182,
-0.04747402295470238,
-0.09796667098999023,
-0.014668125659227371,
-0.0045849536545574665,
0.020602311939001083,
-0.015160005539655685,
0.020901719108223915,
0.07632267475128174,
-0.0017244894988834858,
0.0695992186665535,
0.03013443946838379,
0.10428202897310257,
0.019767271354794502,
0.018692828714847565,
0.008092404343187809,
0.15100322663784027,
-0.0651223361492157,
-0.03870779648423195,
-0.03227388486266136,
-0.0875098928809166,
0.057502154260873795,
0.09871053695678711,
-0.0227682963013649,
0.03527357801795006,
0.06779657304286957,
0.016543300822377205,
-0.021371828392148018,
-0.07040756940841675,
-0.0024871898349374533,
-0.02663581445813179,
0.07047621160745621,
0.12333397567272186,
-0.07385332882404327,
0.1673298180103302,
0.11551475524902344,
-0.07313816249370575,
-0.006387696135789156,
0.020218944177031517,
-0.012886344455182552,
0.015590996481478214,
-0.05341893807053566,
0.09788977354764938,
-0.01706857606768608,
-0.07339303195476532,
0.08244848996400833,
-0.11247268319129944,
0.0019041349878534675,
0.09813732653856277,
-0.09800763428211212,
-0.07193881273269653,
0.13186980783939362,
0.0942411720752716,
-0.25581467151641846,
0.15813300013542175,
0.2351154386997223,
0.15409129858016968,
0.04181305691599846,
0.012408096343278885,
-0.09796464443206787,
0.03020014800131321,
0.05715816468000412,
-0.05006638541817665,
0.17574043571949005,
0.002429878804832697,
-0.021535106003284454,
0.09416934102773666,
-0.02871648408472538,
0.04926085099577904,
-0.17495417594909668,
-0.0963025838136673,
-0.0021496987901628017,
-0.0210685133934021,
-0.12596890330314636,
0.056124087423086166,
-0.035874590277671814,
0.12165296077728271,
-0.013035663403570652,
-0.06657607108354568,
0.05885573476552963,
0.04069696366786957,
-0.009701553732156754,
0.1612771600484848,
-0.08887053281068802,
-0.29460465908050537,
-0.025718895718455315,
-0.0872371643781662,
0.04711724817752838,
0.034278180450201035,
0.008999798446893692,
-0.20197412371635437,
-0.050416309386491776,
0.04645514488220215,
-0.132262721657753,
-0.19577988982200623,
-0.025670886039733887,
-0.07301592826843262,
0.017466198652982712,
-0.06975681334733963,
-0.09940094500780106,
-0.0047319731675088406,
-0.05997474491596222,
-0.007947882637381554,
0.1587071716785431,
-0.15559810400009155,
0.14221951365470886,
0.08186836540699005,
-0.010137634351849556,
0.0646730363368988,
-0.015007821843028069,
0.08371293544769287,
-0.038683000952005386,
-0.09923123568296432,
0.12485063076019287,
0.08001793920993805,
0.051851484924554825,
0.05174609273672104,
0.03388821333646774,
-0.11207886785268784,
0.013852972537279129,
-0.04637093096971512,
-0.16781669855117798,
-0.19214624166488647,
-0.13791441917419434,
0.0038123619742691517,
0.02750159054994583,
0.08531279116868973,
0.08328651636838913,
0.0032724314369261265,
0.10438272356987,
0.0480179525911808,
-0.01187206618487835,
-0.17781151831150055,
0.007270284928381443,
-0.07620188593864441,
0.008998235687613487,
0.02463531494140625,
-0.12895886600017548,
-0.06108354032039642,
0.1500285416841507,
0.16788533329963684,
0.06272722780704498,
-0.02226194366812706,
-0.034965306520462036,
-0.009125038050115108,
0.17930413782596588,
0.05954106152057648,
0.046364735811948776,
0.10943349450826645,
-0.012009372934699059,
0.014952725730836391,
-0.010458240285515785,
-0.035952381789684296,
0.025811513885855675,
0.0010153432376682758,
-0.1393582820892334,
0.06678589433431625,
-0.17984434962272644,
0.08709301054477692,
-0.24424880743026733,
0.10574609786272049,
-0.2657988965511322,
0.05634092912077904,
-0.028220711275935173,
0.11147674918174744,
-0.09025213122367859,
0.025339240208268166,
0.04987465590238571,
-0.04860001802444458,
-0.0100869657471776,
0.03709852322936058,
0.044957853853702545,
-0.04668222367763519,
0.017469074577093124,
-0.012471942231059074,
-0.05022948980331421,
-0.0077869282104074955,
0.1284918487071991,
-0.17331023514270782,
0.26272961497306824,
0.05171535909175873,
-0.05377674475312233,
-0.11189708858728409,
-0.05973796173930168,
-0.02822199836373329,
-0.06535500288009644,
0.17407935857772827,
0.07000469416379929,
-0.01099992636591196,
-0.33056381344795227,
-0.08831510692834854,
0.05500480905175209,
0.0880943089723587,
0.02471764013171196,
-0.11154067516326904,
0.08483447879552841,
0.03222861886024475,
-0.05740327760577202,
-0.13347738981246948,
0.014839674346148968,
-0.014621452428400517,
0.008389792405068874,
0.019920039921998978,
-0.18247655034065247,
0.012594355270266533,
-0.010691066272556782,
-0.13565561175346375,
0.04676663503050804,
0.15426932275295258,
-0.05658173933625221,
-0.07843300700187683,
0.03787216544151306,
0.15763325989246368,
-0.05702589824795723,
-0.010843386873602867,
-0.027846256271004677,
-0.07419876754283905,
-0.01130124181509018,
-0.1378878504037857,
0.0798274502158165,
-0.03851824253797531,
0.09293536841869354,
-0.09455869346857071,
0.13042540848255157,
0.006190897896885872,
-0.014943468384444714,
0.0017434335313737392,
0.050302304327487946,
-0.1287049651145935,
-0.03649585694074631,
0.13468678295612335,
0.000945662148296833,
0.0805891901254654,
0.1612379103899002,
0.14056748151779175,
0.11441565304994583,
0.011961297132074833,
-0.009865567088127136,
0.13300813734531403,
0.06324488669633865,
-0.07289743423461914,
0.1118558794260025,
0.1695709377527237,
0.0002990782377310097,
-0.17586299777030945,
-0.004662844818085432,
-0.1327291876077652,
0.01743480935692787,
0.002501346403732896,
-0.11259297281503677,
0.1191190853714943,
0.10295256227254868,
-0.05138000473380089,
0.14692527055740356,
-0.24105669558048248,
0.012732777744531631,
0.14149659872055054,
-0.005247046705335379,
0.29864218831062317,
-0.052032895386219025,
-0.030755994841456413,
-0.01610991358757019,
-0.15517175197601318,
0.09931853413581848,
-0.14214026927947998,
0.07021401822566986,
-0.044552892446517944,
0.10805965214967728,
0.024948177859187126,
-0.07155383378267288,
0.172990083694458,
0.01720786839723587,
0.06358493864536285,
-0.09202969819307327,
-0.008588205091655254,
0.03431200981140137,
-0.005954017862677574,
0.03805924952030182,
0.10343357920646667,
0.09612390398979187,
-0.17095257341861725,
-0.039411760866642,
-0.006068241782486439,
0.020820271223783493,
0.10316459834575653,
-0.05577941611409187,
-0.1084626168012619,
-0.05277351662516594,
-0.07772811502218246,
-0.05386693775653839,
-0.017584841698408127,
0.030068768188357353,
0.05840623006224632,
-0.06729646027088165,
-0.12193890661001205,
-0.08547813445329666,
0.03468509390950203,
-0.05216885730624199,
-0.05682150647044182,
0.04739891737699509,
-0.28185662627220154,
0.02645997144281864,
0.14517658948898315,
0.023794125765562057,
-0.049677688628435135,
0.03588187322020531,
-0.10059725493192673,
0.04186565428972244,
0.14396435022354126,
-0.16242912411689758,
0.12807597219944,
0.0016712608048692346,
-0.01202167384326458,
0.1314653754234314,
0.04314415156841278,
0.032229822129011154,
0.027707615867257118,
-0.043055418878793716,
-0.019555186852812767,
0.00501385098323226,
-0.04188888520002365,
0.10501083731651306,
0.05883457884192467,
-0.017942285165190697,
-0.19559402763843536,
0.25090309977531433,
0.049830637872219086,
0.006781425792723894,
0.013120542280375957,
-0.021101363003253937,
-0.08210684359073639,
-0.06005190685391426,
0.09217923134565353,
0.11519365012645721,
-0.19052602350711823,
-0.14603348076343536,
-0.056717004626989365,
0.02378474362194538,
0.009208187460899353,
0.17816607654094696,
0.09063278883695602,
0.08228833228349686,
0.030614299699664116,
-0.06538014113903046,
-0.009921528398990631,
-0.045597925782203674,
0.020606305450201035,
0.01740145869553089,
-0.03498625010251999,
-0.005123656243085861,
-0.027739545330405235,
0.16976793110370636,
-0.0451643206179142,
-0.05692100152373314,
-0.0607728436589241,
0.08642452955245972,
-0.1256774365901947,
-0.009342958219349384,
0.012397338636219501,
0.006196834146976471,
0.005193398799747229,
-0.050755035132169724,
0.014499547891318798,
-0.014600216411054134,
-0.10346326977014542,
0.06796419620513916,
0.03794359788298607,
-0.02849191054701805,
-0.12079213559627533,
-0.02808253839612007,
0.06528862565755844,
0.07711490988731384,
0.04440997168421745,
0.15668343007564545,
0.010422552935779095,
0.07609930634498596,
-0.20734240114688873,
-0.1360536366701126,
0.09205448627471924,
0.044340018182992935,
0.05419921875,
0.0727132186293602,
0.07931062579154968,
0.07072024047374725,
-0.06614251434803009,
0.01931719295680523,
-0.0008353581069968641,
-0.06365179270505905,
-0.08133801817893982,
-0.13029029965400696,
-0.06844978034496307,
-0.04894576221704483,
-0.022422654554247856,
0.1295914500951767,
0.12269486486911774,
-0.11138049513101578,
0.04049036651849747,
0.00610134145244956,
-0.03658591955900192,
-0.08104909211397171,
-0.05481863394379616,
-0.17293241620063782,
-0.09909483790397644,
0.04657118022441864,
0.03411954641342163,
-0.028368599712848663,
0.2999396324157715,
0.02970273420214653,
0.05054140463471413,
-0.0678400918841362,
0.15205858647823334,
0.0483047179877758,
-0.05409649759531021,
0.19202637672424316,
0.08701023459434509,
-0.013856066390872002,
-0.1360219568014145,
0.06795789301395416,
0.04442383721470833,
-0.01952129602432251,
-0.09915466606616974,
0.03483865037560463,
0.15435847640037537,
-0.02607668749988079,
0.022470487281680107,
-0.12313038855791092,
0.10089980065822601,
-0.19733895361423492,
-0.06014784052968025,
-0.05290243402123451,
0.06678348034620285,
-0.03753043711185455,
0.08871685713529587,
0.006473506800830364,
-0.07681762427091599,
-0.021344806998968124,
-0.0339132584631443,
-0.1010637953877449,
-0.11361592262983322,
-0.03698931634426117,
-0.05960856378078461,
0.05008074268698692,
-0.04315410554409027,
0.03450470417737961,
0.251968115568161,
0.05201325938105583,
0.010046045295894146,
0.06000880151987076,
0.07160598039627075,
-0.0444832369685173,
0.010756424628198147,
-0.006009818986058235,
0.0719975009560585,
0.02511552721261978,
-0.04252555966377258,
0.021410055458545685,
-0.03527616709470749,
0.016847025603055954,
-0.014285721816122532,
0.10030161589384079,
0.01418354269117117,
-0.16136063635349274,
-0.030344611033797264,
-0.06956908851861954,
0.07113314419984818,
-0.07950494438409805,
-0.004984275437891483,
0.07686115056276321,
0.06409990042448044,
0.05948513001203537,
0.24297542870044708,
0.025028303265571594,
0.06612461805343628,
0.0012316633947193623,
0.18992193043231964,
-0.0527896024286747,
0.05565766617655754,
0.01755446009337902,
-0.05733392387628555,
-0.032606035470962524,
0.17293313145637512,
0.1275016963481903,
0.004447966814041138,
-0.02841643989086151,
-0.020925890654325485,
0.04068639501929283,
0.011137664318084717,
0.044616106897592545,
0.06940352916717529,
0.13286441564559937,
-0.12704817950725555,
-0.10738338530063629,
0.032024793326854706,
0.02259635180234909,
-0.02357323095202446,
-0.003938604611903429,
0.012231610715389252,
-0.05553506687283516,
-0.14857813715934753,
0.13927313685417175,
-0.05275022238492966,
0.18465055525302887,
0.0187388826161623,
-0.12539824843406677,
-0.09841323643922806,
0.028658809140324593,
0.025681212544441223,
0.0808563232421875,
0.03017582930624485,
-0.1216951385140419,
0.005152542144060135,
-0.14740817248821259,
0.03416110947728157,
-0.3133205771446228,
-0.16075897216796875,
-0.002532390644773841,
0.0563620924949646,
0.012293479405343533,
-0.010609985329210758,
0.10233493149280548,
0.05912347510457039,
0.039168696850538254,
-0.08499795198440552,
0.008721770718693733,
0.02386002242565155,
0.045807234942913055,
-0.05917280912399292,
-0.04959340766072273,
0.023806503042578697,
-0.18311846256256104,
0.10845010727643967,
0.050653718411922455,
0.01942809671163559,
0.05420129746198654,
0.11967962980270386,
-0.05097528174519539,
-0.0190072413533926,
-0.058186765760183334,
0.11428043246269226,
-0.035707734525203705,
-0.04501601308584213,
0.033778540790081024,
-0.05138657987117767,
0.05625871941447258,
0.02531796507537365,
-0.1398783177137375,
0.021850522607564926,
0.025653338059782982,
0.0023685256019234657,
0.08591148257255554,
0.015380109660327435,
-0.03262202814221382,
0.05780473351478577,
-0.01528442744165659,
-0.009816658683121204,
0.0376039557158947,
0.06014398857951164,
0.05757085978984833,
0.09621316194534302,
-0.025806013494729996,
-0.003391086356714368,
0.057296138256788254,
0.01928529515862465,
0.02165859192609787,
-0.13850951194763184
] |
6061861e39e93e77807668fe4f14c128788e1638 | # Dataset Card for "araproje_arc_tr_conf_gpt2_nearestscore_true_x"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_arc_tr_conf_gpt2_nearestscore_true_x | [
"region:us"
] | 2024-01-14T10:11:11+00:00 | {"dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "choices", "sequence": [{"name": "text", "dtype": "string"}, {"name": "label", "dtype": "string"}]}, {"name": "answerKey", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 86423.0, "num_examples": 250}], "download_size": 50724, "dataset_size": 86423.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:11:13+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_arc_tr_conf_gpt2_nearestscore_true_x"
More Information needed | [
"# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true_x\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true_x\"\n\nMore Information needed"
] | [
6,
35
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true_x\"\n\nMore Information needed"
] | [
-0.11600179970264435,
0.14564509689807892,
-0.002389034256339073,
0.04362696409225464,
0.03252367302775383,
0.01812678389251232,
0.04343395307660103,
0.09548544138669968,
0.057341139763593674,
0.03330912068486214,
0.12159839272499084,
0.02866777405142784,
0.09710434079170227,
0.17251929640769958,
-0.011534009128808975,
0.01612226478755474,
0.024554872885346413,
0.030350252985954285,
0.054217323660850525,
0.07556594163179398,
0.023582346737384796,
-0.0378788560628891,
0.060607895255088806,
-0.015454389154911041,
-0.21363453567028046,
0.09904405474662781,
-0.03565412014722824,
-0.11370570212602615,
0.11432349681854248,
0.013517984189093113,
0.0952264592051506,
-0.06334971636533737,
-0.02360166423022747,
-0.07601471245288849,
0.00586286373436451,
0.03223045542836189,
-0.07207693159580231,
0.02921128086745739,
0.08877856284379959,
-0.17230208218097687,
-0.04982583969831467,
0.006833142600953579,
-0.03338238224387169,
0.004354801960289478,
-0.19192829728126526,
-0.2510911226272583,
-0.04380575940012932,
-0.04911833256483078,
0.0029306099750101566,
0.028070129454135895,
0.04357118159532547,
0.23180457949638367,
-0.10207178443670273,
0.06175154447555542,
0.10126864910125732,
-0.1302979737520218,
0.0027191985864192247,
0.07083714008331299,
-0.1323910504579544,
0.14011506736278534,
0.03264208137989044,
0.03446756303310394,
0.12321281433105469,
0.018633438274264336,
-0.09027013927698135,
-0.01376598421484232,
-0.2336360514163971,
0.12509997189044952,
-0.021863045170903206,
-0.1575610637664795,
0.23984473943710327,
-0.026812409982085228,
-0.005331012420356274,
0.09616463631391525,
-0.07314430922269821,
-0.07069455832242966,
0.055529579520225525,
0.0705706998705864,
-0.002282584784552455,
0.06947032362222672,
-0.058520421385765076,
0.061968844383955,
-0.12209264189004898,
-0.07986274361610413,
-0.16623519361019135,
0.1905478537082672,
-0.008019102737307549,
0.19583527743816376,
-0.15548856556415558,
0.06248220428824425,
-0.07902917265892029,
-0.08453013002872467,
-0.009449359029531479,
-0.07242358475923538,
-0.021396422758698463,
0.003561216639354825,
-0.0031613383907824755,
0.12513844668865204,
0.08525240421295166,
0.06821080297231674,
0.06293992698192596,
-0.003915706649422646,
-0.03119167685508728,
0.08567892014980316,
0.12434908747673035,
-0.004106729757040739,
-0.06619817763566971,
0.026524387300014496,
-0.06840093433856964,
-0.1559581160545349,
0.03565517067909241,
-0.02540965937077999,
-0.029842019081115723,
-0.08268813788890839,
-0.12055166065692902,
0.1263662725687027,
-0.0033412144985049963,
-0.10589886456727982,
-0.06687121093273163,
0.013343779370188713,
0.09793165326118469,
-0.059790100902318954,
-0.02354746311903,
-0.059317298233509064,
-0.1230621263384819,
0.047092799097299576,
-0.07075212150812149,
0.0325479730963707,
0.01253560557961464,
-0.010636345483362675,
-0.03983444720506668,
0.016667023301124573,
-0.0026241252198815346,
-0.04106242582201958,
0.08119791001081467,
-0.08769688010215759,
0.049821630120277405,
-0.1628972589969635,
-0.12840263545513153,
-0.0038184814620763063,
0.008733340539038181,
-0.05895618721842766,
0.21343742311000824,
0.01297120749950409,
0.05778678134083748,
-0.03992617875337601,
-0.021663159132003784,
0.00837390124797821,
-0.10571098327636719,
0.07143046706914902,
0.08286978304386139,
0.09495484083890915,
-0.07624827325344086,
0.022785376757383347,
-0.19341379404067993,
-0.023797130212187767,
-0.0251669492572546,
-0.05172188580036163,
-0.06574954092502594,
0.09029240161180496,
-0.10433953255414963,
-0.011698814108967781,
-0.10487418621778488,
0.05411360412836075,
0.07085416465997696,
0.0458570159971714,
-0.10036938637495041,
-0.00933124590665102,
0.2071388214826584,
-0.06485120952129364,
-0.16112853586673737,
0.07326436787843704,
0.024934155866503716,
0.007203527260571718,
0.05299680680036545,
0.1774234175682068,
0.015278005972504616,
-0.028036747127771378,
-0.01612280122935772,
0.12668783962726593,
-0.1454942226409912,
-0.2228209674358368,
0.08871840685606003,
-0.018592221662402153,
-0.11800327152013779,
0.0779791846871376,
0.12970666587352753,
0.11119849234819412,
-0.027983346953988075,
-0.06433361023664474,
-0.02266523241996765,
-0.12335556000471115,
-0.029158543795347214,
0.02265118435025215,
-0.03212309256196022,
-0.09983604401350021,
0.06763982772827148,
-0.17026837170124054,
0.11307226866483688,
0.04556833207607269,
-0.05687817931175232,
0.019568147137761116,
0.14632005989551544,
-0.2623744606971741,
-0.04449436441063881,
-0.1175348311662674,
-0.007916688919067383,
0.003792805364355445,
0.03459940478205681,
-0.017687328159809113,
0.03296973183751106,
0.07798612117767334,
-0.013273236341774464,
0.07458862662315369,
0.034144654870033264,
0.1161646917462349,
0.011663917452096939,
0.0026016910560429096,
0.016776317730545998,
0.15026995539665222,
-0.06900503486394882,
-0.05708574131131172,
-0.03338317200541496,
-0.08975275605916977,
0.045586634427309036,
0.07921859622001648,
-0.01451406441628933,
0.023775821551680565,
0.0652112141251564,
0.008231259882450104,
-0.021450357511639595,
-0.07394520193338394,
-0.004211212508380413,
-0.02995872311294079,
0.06991070508956909,
0.12582756578922272,
-0.09202565252780914,
0.17739537358283997,
0.12404251843690872,
-0.08998873829841614,
-0.016685303300619125,
0.02707766182720661,
-0.014620913192629814,
0.02456459403038025,
-0.054754745215177536,
0.10594910383224487,
-0.02669965662062168,
-0.07772202789783478,
0.07936709374189377,
-0.11590152233839035,
-0.0018247715197503567,
0.10221229493618011,
-0.07894616574048996,
-0.07054893672466278,
0.12932656705379486,
0.11476418375968933,
-0.2505541443824768,
0.15106868743896484,
0.24212650954723358,
0.17408326268196106,
0.02946152165532112,
0.01660820282995701,
-0.10012485831975937,
0.02336239069700241,
0.06266794353723526,
-0.04699782654643059,
0.17168515920639038,
0.012216631323099136,
-0.022099701687693596,
0.09806462377309799,
-0.02962094359099865,
0.049339860677719116,
-0.1724003702402115,
-0.0902528464794159,
0.007823185063898563,
-0.026109088212251663,
-0.12393664568662643,
0.05517934635281563,
-0.04590027034282684,
0.11712701618671417,
-0.015507356263697147,
-0.07481667399406433,
0.05876021459698677,
0.04529222473502159,
-0.015416339039802551,
0.14935670793056488,
-0.08467468619346619,
-0.27670350670814514,
-0.024552470073103905,
-0.061907149851322174,
0.04788558930158615,
0.03737862408161163,
0.005147410556674004,
-0.18475982546806335,
-0.06002102047204971,
0.04034946858882904,
-0.1574571430683136,
-0.21565943956375122,
-0.020381810143589973,
-0.06226683035492897,
0.015686102211475372,
-0.06372655183076859,
-0.09805995970964432,
-0.006208773236721754,
-0.06323050707578659,
-0.01327840331941843,
0.14319056272506714,
-0.15593548119068146,
0.14314033091068268,
0.08704208582639694,
-0.010649427771568298,
0.06485041230916977,
-0.01768696866929531,
0.07247068732976913,
-0.045895401388406754,
-0.10422611981630325,
0.1280296891927719,
0.0671839714050293,
0.04280973970890045,
0.025169728323817253,
0.027202775701880455,
-0.12314069271087646,
0.013837698847055435,
-0.03901044279336929,
-0.164307102560997,
-0.20665107667446136,
-0.12347732484340668,
-0.0030237191822379827,
0.048431649804115295,
0.08892593532800674,
0.0923854410648346,
-0.006538250483572483,
0.11826108396053314,
0.059619151055812836,
-0.016005028039216995,
-0.1853298842906952,
0.013487097807228565,
-0.10624928027391434,
0.013024596497416496,
0.030744770541787148,
-0.13975365459918976,
-0.05249087139964104,
0.15109457075595856,
0.16099326312541962,
0.06401398032903671,
-0.0011110610794276,
-0.018863487988710403,
-0.011635533533990383,
0.16168563067913055,
0.05564137548208237,
0.05789909511804581,
0.11354180425405502,
-0.018399514257907867,
0.014239546842873096,
-0.01165312435477972,
-0.045167140662670135,
0.023710299283266068,
0.017550207674503326,
-0.12988287210464478,
0.06214297190308571,
-0.16544723510742188,
0.09111529588699341,
-0.2212400585412979,
0.09189347922801971,
-0.26395121216773987,
0.062274206429719925,
-0.03014351800084114,
0.11087451875209808,
-0.08734797686338425,
0.023960251361131668,
0.04878484457731247,
-0.049936115741729736,
-0.006567943841218948,
0.027487417683005333,
0.05350285768508911,
-0.03817349672317505,
0.017057698220014572,
-0.018365927040576935,
-0.07347079366445541,
-0.017639636993408203,
0.1249120682477951,
-0.18633587658405304,
0.2519306540489197,
0.054734792560338974,
-0.049486324191093445,
-0.11249434947967529,
-0.048829417675733566,
-0.03852924332022667,
-0.07234368473291397,
0.18481820821762085,
0.06044158339500427,
-0.04358609393239021,
-0.3328922390937805,
-0.09309712797403336,
0.05880897864699364,
0.09821145981550217,
0.021367933601140976,
-0.11039106547832489,
0.08951950073242188,
0.03612649068236351,
-0.05224638432264328,
-0.11243751645088196,
0.002141761826351285,
-0.012602806091308594,
0.003712555393576622,
0.018946625292301178,
-0.19218255579471588,
0.023149896413087845,
0.00224820408038795,
-0.16156336665153503,
0.06765826791524887,
0.14296279847621918,
-0.04103730991482735,
-0.09543624520301819,
0.024745270609855652,
0.14852917194366455,
-0.05041652172803879,
0.0011459934758022428,
-0.02494560368359089,
-0.0602705255150795,
-0.011744785122573376,
-0.13203461468219757,
0.09938875585794449,
-0.048475947231054306,
0.09169995784759521,
-0.09512253105640411,
0.12043789029121399,
-0.004504219628870487,
-0.01421117503196001,
-0.0035864124074578285,
0.04377485811710358,
-0.12102214246988297,
-0.03842247277498245,
0.14929965138435364,
-0.020286154001951218,
0.07542147487401962,
0.16759228706359863,
0.15136396884918213,
0.10244821012020111,
0.029201701283454895,
-0.010890982113778591,
0.13238582015037537,
0.0707254484295845,
-0.06890182197093964,
0.10409370064735413,
0.14374607801437378,
0.0015205389354377985,
-0.1611015647649765,
0.015726348385214806,
-0.1421603262424469,
0.011494649574160576,
0.022227907553315163,
-0.09957591444253922,
0.11654027551412582,
0.09358622133731842,
-0.04836637154221535,
0.15185889601707458,
-0.24369457364082336,
0.015441608615219593,
0.13959532976150513,
-0.0063653429970145226,
0.2778734862804413,
-0.0648830235004425,
-0.02502264454960823,
-0.03972954303026199,
-0.18473638594150543,
0.11183969676494598,
-0.13899758458137512,
0.07636598497629166,
-0.041443001478910446,
0.07998152822256088,
0.022803205996751785,
-0.0733535960316658,
0.1636870950460434,
0.023958496749401093,
0.06700263172388077,
-0.09026221930980682,
-0.014786927029490471,
0.02027038484811783,
-0.005350010469555855,
0.04062270000576973,
0.08412109315395355,
0.08327028155326843,
-0.19575555622577667,
-0.04538797214627266,
0.012149988673627377,
0.013904232531785965,
0.10172848403453827,
-0.05672847852110863,
-0.11090477555990219,
-0.052712779492139816,
-0.07477867603302002,
-0.03945131227374077,
-0.016191869974136353,
0.018158448860049248,
0.05674034729599953,
-0.0491240993142128,
-0.11595869809389114,
-0.06342818588018417,
0.014333263970911503,
-0.05190715938806534,
-0.056374724954366684,
0.05150898918509483,
-0.2901443839073181,
0.035273510962724686,
0.14454901218414307,
0.012989645823836327,
-0.04387133568525314,
0.0424954853951931,
-0.09716078639030457,
0.045232709497213364,
0.13744889199733734,
-0.14554253220558167,
0.12689001858234406,
0.011260826140642166,
-0.03739190101623535,
0.1306973397731781,
0.03298523277044296,
0.03589165583252907,
0.033981047570705414,
-0.03812325373291969,
-0.028269238770008087,
0.007542128209024668,
-0.04586942866444588,
0.1035529151558876,
0.04986892268061638,
-0.017386147752404213,
-0.1897122859954834,
0.2649235725402832,
0.04980692267417908,
0.0026303231716156006,
0.016714001074433327,
-0.027995478361845016,
-0.0697159469127655,
-0.05810458958148956,
0.12287750095129013,
0.12917982041835785,
-0.20426498353481293,
-0.14410148561000824,
-0.061000168323516846,
0.017819449305534363,
0.022901440039277077,
0.1699485033750534,
0.08246708661317825,
0.07056461274623871,
0.041916221380233765,
-0.0540350079536438,
-0.014429418370127678,
-0.05514093115925789,
0.015937725082039833,
0.015867408365011215,
-0.027047742158174515,
0.015987930819392204,
-0.029116027057170868,
0.15626856684684753,
-0.03735537827014923,
-0.04947560653090477,
-0.07062668353319168,
0.08333036303520203,
-0.13570478558540344,
-0.004469598643481731,
0.019219782203435898,
-0.0010060362983494997,
0.004531871527433395,
-0.03468739986419678,
-0.0027402660343796015,
-0.018685055896639824,
-0.10916456580162048,
0.06823275983333588,
0.04984461888670921,
-0.03196948394179344,
-0.12218266725540161,
-0.01889617368578911,
0.05391504988074303,
0.08607829362154007,
0.04696754738688469,
0.14530880749225616,
0.017200026661157608,
0.06761975586414337,
-0.21589259803295135,
-0.12264768034219742,
0.0951022133231163,
0.03825141862034798,
0.05185377225279808,
0.09195997565984726,
0.08962245285511017,
0.07675468921661377,
-0.07442206144332886,
0.016704048961400986,
-0.02430400624871254,
-0.06742485612630844,
-0.08632531017065048,
-0.12928809225559235,
-0.0666845515370369,
-0.03637208417057991,
-0.02109723538160324,
0.12638705968856812,
0.11670324206352234,
-0.1168794184923172,
0.049859482795000076,
0.006339689251035452,
-0.042367178946733475,
-0.08024157583713531,
-0.05004434660077095,
-0.17012864351272583,
-0.08478789031505585,
0.05863197147846222,
0.037654511630535126,
-0.03583322465419769,
0.31100285053253174,
0.043174758553504944,
0.06233924254775047,
-0.06291043013334274,
0.13713154196739197,
0.051153764128685,
-0.05003555119037628,
0.1999587118625641,
0.09178680926561356,
-0.006741625256836414,
-0.12278331071138382,
0.07565823197364807,
0.06173324957489967,
-0.0026412629522383213,
-0.0735713541507721,
0.035031870007514954,
0.14894740283489227,
-0.008939738385379314,
0.01821848191320896,
-0.13617892563343048,
0.10526184737682343,
-0.20557214319705963,
-0.06175657734274864,
-0.04122208058834076,
0.06510180234909058,
-0.07249902933835983,
0.0756814181804657,
0.008941499516367912,
-0.07123927026987076,
-0.032647889107465744,
-0.027086935937404633,
-0.11149725317955017,
-0.10189664363861084,
-0.03177700564265251,
-0.05311667174100876,
0.047058869153261185,
-0.04026011377573013,
0.040917638689279556,
0.2327938973903656,
0.054286547005176544,
0.011786430142819881,
0.05612240731716156,
0.0422930084168911,
-0.033679332584142685,
0.01070816908031702,
-0.008444913662970066,
0.06902236491441727,
0.020628390833735466,
-0.0368967242538929,
0.019929584115743637,
-0.032509367913007736,
0.02332354709506035,
-0.020913751795887947,
0.08586190640926361,
0.021278301253914833,
-0.1527564525604248,
-0.02650775946676731,
-0.0699385330080986,
0.06814280897378922,
-0.07513781636953354,
0.019658170640468597,
0.07681821286678314,
0.06922642141580582,
0.057345982640981674,
0.23698760569095612,
0.026773620396852493,
0.07300052791833878,
-0.002547713927924633,
0.15349474549293518,
-0.04593294486403465,
0.06848160177469254,
0.005941496230661869,
-0.06034000217914581,
-0.031193681061267853,
0.17998890578746796,
0.12722039222717285,
-0.01246196310967207,
-0.02346280962228775,
-0.011385194025933743,
0.040738169103860855,
0.018374688923358917,
0.044489432126283646,
0.05744986981153488,
0.1302257478237152,
-0.11998600512742996,
-0.08748816698789597,
0.04452027380466461,
0.019316762685775757,
-0.011620935052633286,
-0.0031549169216305017,
0.029431946575641632,
-0.0446019284427166,
-0.13297072052955627,
0.13914665579795837,
-0.04676935821771622,
0.20152819156646729,
0.02560536563396454,
-0.10676398873329163,
-0.096624456346035,
0.026343701407313347,
0.013389245606958866,
0.08874670416116714,
0.026563674211502075,
-0.11743131279945374,
-0.009222608059644699,
-0.137105792760849,
0.029100438579916954,
-0.3158104419708252,
-0.17848260700702667,
-0.01255595963448286,
0.045277368277311325,
0.027246782556176186,
-0.00774360029026866,
0.09411026537418365,
0.06084412336349487,
0.031617067754268646,
-0.08828576654195786,
0.008865776471793652,
0.011893706396222115,
0.04102710634469986,
-0.0468473806977272,
-0.04619689658284187,
0.012174930423498154,
-0.16178521513938904,
0.10805521160364151,
0.07635660469532013,
0.02632691152393818,
0.05029870197176933,
0.12226865440607071,
-0.04896439611911774,
-0.024443138390779495,
-0.06477848440408707,
0.11896032840013504,
-0.03272407874464989,
-0.05194280296564102,
0.03943037986755371,
-0.038260318338871,
0.07457172870635986,
0.02204056642949581,
-0.10992550104856491,
0.015117115341126919,
0.022049903869628906,
0.005334512330591679,
0.09692929685115814,
0.019664917141199112,
-0.04069987311959267,
0.053651776164770126,
-0.02481565810739994,
-0.014146932400763035,
0.03083505667746067,
0.048076119273900986,
0.06664437800645828,
0.09681738913059235,
-0.03284002095460892,
-0.02069900557398796,
0.05551169067621231,
0.020988157019019127,
0.025314707309007645,
-0.13649815320968628
] |
e9de7d62f6428047dd7d2f1b7a03e8f308bb457b | # Dataset Card for "araproje_arc_tr_conf_gpt2_nearestscore_true"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | ibranze/araproje_arc_tr_conf_gpt2_nearestscore_true | [
"region:us"
] | 2024-01-14T10:11:16+00:00 | {"dataset_info": {"features": [{"name": "id", "dtype": "string"}, {"name": "question", "dtype": "string"}, {"name": "choices", "sequence": [{"name": "text", "dtype": "string"}, {"name": "label", "dtype": "string"}]}, {"name": "answerKey", "dtype": "string"}], "splits": [{"name": "validation", "num_bytes": 86423.0, "num_examples": 250}], "download_size": 50681, "dataset_size": 86423.0}, "configs": [{"config_name": "default", "data_files": [{"split": "validation", "path": "data/validation-*"}]}]} | 2024-01-14T10:11:17+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "araproje_arc_tr_conf_gpt2_nearestscore_true"
More Information needed | [
"# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
6,
33
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"araproje_arc_tr_conf_gpt2_nearestscore_true\"\n\nMore Information needed"
] | [
-0.09976371377706528,
0.1405342072248459,
-0.0026150799822062254,
0.046777304261922836,
0.029694609344005585,
0.025829043239355087,
0.05088038742542267,
0.07516446709632874,
0.044086821377277374,
0.03169451281428337,
0.12752743065357208,
-0.0019899827893823385,
0.0914321020245552,
0.15017563104629517,
-0.003594610607251525,
0.00934651866555214,
0.028930112719535828,
0.025856755673885345,
0.05743081495165825,
0.07929163426160812,
0.0236262995749712,
-0.024300064891576767,
0.06377176195383072,
-0.002274012891575694,
-0.2101638913154602,
0.10174597054719925,
-0.02934759110212326,
-0.11587590724229813,
0.12655355036258698,
0.013656998984515667,
0.10290207713842392,
-0.07884670048952103,
-0.013872787356376648,
-0.06381622701883316,
0.0036706223618239164,
0.032389670610427856,
-0.06989450007677078,
0.0301895122975111,
0.07716706395149231,
-0.16918444633483887,
-0.033918414264917374,
0.018905967473983765,
-0.02389564923942089,
-0.0022174508776515722,
-0.19229240715503693,
-0.23885659873485565,
-0.033372558653354645,
-0.055435534566640854,
-0.0070954421535134315,
0.02330232970416546,
0.050318341702222824,
0.219160795211792,
-0.10275348275899887,
0.057324133813381195,
0.08170083910226822,
-0.11603796482086182,
0.001493110554292798,
0.0899517685174942,
-0.17003504931926727,
0.11944273859262466,
0.030538536608219147,
0.02795582264661789,
0.1272268146276474,
0.037772808223962784,
-0.09088237583637238,
-0.0066880048252642155,
-0.2368849217891693,
0.11325257271528244,
-0.013897704891860485,
-0.16781960427761078,
0.2473663091659546,
-0.036236345767974854,
-0.009654656052589417,
0.102283775806427,
-0.08597854524850845,
-0.0452512688934803,
0.06023750826716423,
0.07392238825559616,
-0.010562038980424404,
0.08157964050769806,
-0.06566207110881805,
0.06628374755382538,
-0.12970441579818726,
-0.10075132548809052,
-0.19733206927776337,
0.1757778525352478,
-0.008194583468139172,
0.1898309737443924,
-0.15796996653079987,
0.07527308911085129,
-0.0924251452088356,
-0.08515684306621552,
-0.013019495643675327,
-0.06882921606302261,
-0.0028328101616352797,
0.0009752429905347526,
-0.014770149253308773,
0.13743522763252258,
0.09257271885871887,
0.08608046174049377,
0.07159724086523056,
-0.0070911068469285965,
-0.03056797944009304,
0.08121588826179504,
0.11710277944803238,
-0.020240681245923042,
-0.07693067938089371,
0.032502785325050354,
-0.06796630471944809,
-0.16968153417110443,
0.046353209763765335,
-0.01879332959651947,
-0.016443276777863503,
-0.09851311892271042,
-0.11183500289916992,
0.11092934757471085,
-0.019470417872071266,
-0.10595319420099258,
-0.055760178714990616,
0.028930164873600006,
0.09898342192173004,
-0.05977911129593849,
-0.04155345261096954,
-0.07061919569969177,
-0.11511659622192383,
0.04305919259786606,
-0.06783516705036163,
0.03651558607816696,
0.02110348455607891,
0.01108777616173029,
-0.04478663578629494,
0.010999227873980999,
0.00930737890303135,
-0.033850137144327164,
0.08917159587144852,
-0.07823485136032104,
0.048131804913282394,
-0.17128394544124603,
-0.12319464981555939,
-0.0004906675312668085,
0.011770742014050484,
-0.06793537735939026,
0.22159762680530548,
0.02194470912218094,
0.05616726353764534,
-0.032300423830747604,
-0.019611431285738945,
0.002977327909320593,
-0.10737771540880203,
0.06690426170825958,
0.08578386157751083,
0.08828353136777878,
-0.08490069955587387,
0.012758993543684483,
-0.21263639628887177,
-0.02581067383289337,
-0.02082926221191883,
-0.06986234337091446,
-0.054378826171159744,
0.08651664853096008,
-0.10766173154115677,
-0.013804222457110882,
-0.13412147760391235,
0.05021621286869049,
0.08742813766002655,
0.05518434941768646,
-0.08996842801570892,
-0.003740623826161027,
0.2071983367204666,
-0.08454694598913193,
-0.15830130875110626,
0.08504147827625275,
0.02299364283680916,
0.026490138843655586,
0.0504571832716465,
0.17570289969444275,
0.0022719362750649452,
-0.03237190470099449,
-0.0021475928369909525,
0.12212112545967102,
-0.13236895203590393,
-0.20684613287448883,
0.07891450077295303,
-0.026824956759810448,
-0.12312909960746765,
0.08172600716352463,
0.14327684044837952,
0.11702711880207062,
-0.025675775483250618,
-0.053873978555202484,
-0.03490836173295975,
-0.12440497428178787,
-0.03481176868081093,
0.011275193654000759,
-0.024852683767676353,
-0.10089456290006638,
0.08389654010534286,
-0.1680959165096283,
0.1070706769824028,
0.04417134448885918,
-0.057880401611328125,
0.024097032845020294,
0.1343439817428589,
-0.25692757964134216,
-0.04949105158448219,
-0.1136116310954094,
-0.0182769987732172,
-0.0051705059595406055,
0.022408755496144295,
-0.00784571934491396,
0.013017396442592144,
0.09165729582309723,
-0.009313824586570263,
0.06430324167013168,
0.0543418824672699,
0.11499886214733124,
0.022654060274362564,
0.016098903492093086,
0.024986324831843376,
0.15099577605724335,
-0.06341812759637833,
-0.05330140143632889,
-0.03098364546895027,
-0.08685899525880814,
0.05042649805545807,
0.11206072568893433,
-0.020913930609822273,
0.029287263751029968,
0.0668836161494255,
0.0024809816386550665,
-0.024821771308779716,
-0.07538402080535889,
-0.006886261980980635,
-0.02943851426243782,
0.07499472051858902,
0.13306714594364166,
-0.07763789594173431,
0.1776658445596695,
0.12360113859176636,
-0.07628505676984787,
-0.016828203573822975,
0.008983724750578403,
-0.0020188873168081045,
0.017841564491391182,
-0.05594288930296898,
0.10229678452014923,
-0.03301968798041344,
-0.07272770255804062,
0.07605613023042679,
-0.11625564843416214,
0.009000289253890514,
0.10206174850463867,
-0.09297829866409302,
-0.07567515224218369,
0.12085206806659698,
0.1026000902056694,
-0.2537722587585449,
0.14911970496177673,
0.24303144216537476,
0.15151160955429077,
0.02568318136036396,
0.025082219392061234,
-0.10915745049715042,
0.03179231286048889,
0.05176040157675743,
-0.051375262439250946,
0.1653652787208557,
0.002729706931859255,
-0.021429477259516716,
0.10352578014135361,
-0.009575867094099522,
0.044697701930999756,
-0.17062535881996155,
-0.08298813551664352,
-0.006430100649595261,
-0.017502285540103912,
-0.12281358242034912,
0.06421907246112823,
-0.0434352308511734,
0.11771246790885925,
-0.02200903929769993,
-0.07519051432609558,
0.06220940500497818,
0.04323960840702057,
-0.00933903083205223,
0.15153123438358307,
-0.07542583346366882,
-0.26569586992263794,
-0.043107472360134125,
-0.07484135031700134,
0.03762514889240265,
0.04413238912820816,
0.011348712258040905,
-0.18883413076400757,
-0.05657472833991051,
0.035516157746315,
-0.14406166970729828,
-0.2079106718301773,
-0.029148012399673462,
-0.06628462672233582,
0.015591822564601898,
-0.06440241634845734,
-0.09988382458686829,
-0.007067109923809767,
-0.05325588956475258,
-0.0049474225379526615,
0.149810791015625,
-0.16745057702064514,
0.13544894754886627,
0.07843966037034988,
-0.012064198963344097,
0.06115632876753807,
-0.012933118268847466,
0.0856364518404007,
-0.036194123327732086,
-0.09882518649101257,
0.13479265570640564,
0.06833727657794952,
0.037590980529785156,
0.03849869966506958,
0.032555367797613144,
-0.126569926738739,
0.030551506206393242,
-0.04579175263643265,
-0.16995103657245636,
-0.18987198173999786,
-0.12872347235679626,
0.0001844236976467073,
0.030508024618029594,
0.10592932254076004,
0.08838861435651779,
-0.01071302592754364,
0.12308849394321442,
0.053858980536460876,
-0.009744844399392605,
-0.16119588911533356,
0.02546875923871994,
-0.07637050747871399,
0.008610107004642487,
0.02668420597910881,
-0.14129053056240082,
-0.05875033140182495,
0.15229596197605133,
0.15289083123207092,
0.04900534078478813,
-0.006490836385637522,
-0.03791286051273346,
-0.015054666437208652,
0.16807551681995392,
0.061404481530189514,
0.06197410449385643,
0.11749012768268585,
-0.015222501941025257,
0.013885040767490864,
-0.015801740810275078,
-0.049735646694898605,
0.03508704900741577,
-0.009198141284286976,
-0.13904371857643127,
0.07765740901231766,
-0.17505966126918793,
0.0760984867811203,
-0.21127133071422577,
0.11134177446365356,
-0.28605759143829346,
0.043231431394815445,
-0.03737932816147804,
0.11705748736858368,
-0.10124608874320984,
0.04047061502933502,
0.04785395786166191,
-0.04468558356165886,
-0.005125041119754314,
0.036707330495119095,
0.04865927994251251,
-0.04220904782414436,
0.014153966680169106,
-0.008692008443176746,
-0.071629598736763,
-0.01931837759912014,
0.12251561135053635,
-0.18880361318588257,
0.258285790681839,
0.047314368188381195,
-0.055592071264982224,
-0.11412835866212845,
-0.05553596466779709,
-0.03614448383450508,
-0.05865844339132309,
0.17570103704929352,
0.06323526799678802,
-0.02970735728740692,
-0.31638744473457336,
-0.09642726182937622,
0.059585172683000565,
0.1106538325548172,
0.02033901959657669,
-0.11784086376428604,
0.08073697984218597,
0.03546629846096039,
-0.05869266018271446,
-0.1282615065574646,
-0.00539111252874136,
-0.008273032493889332,
-0.000009494465302850585,
0.042695581912994385,
-0.16892586648464203,
0.01410245057195425,
-0.004480919800698757,
-0.13144773244857788,
0.05558353289961815,
0.13380898535251617,
-0.03903096169233322,
-0.08153701573610306,
0.013813313096761703,
0.16470107436180115,
-0.04437948018312454,
0.011692052707076073,
-0.03893556073307991,
-0.06268668919801712,
0.0023025621194392443,
-0.13281245529651642,
0.09796912223100662,
-0.04992370307445526,
0.08594560623168945,
-0.0870116651058197,
0.12633182108402252,
0.0005071464693173766,
-0.020074907690286636,
0.0031610438600182533,
0.06203462928533554,
-0.12101507931947708,
-0.03586240112781525,
0.12487431615591049,
0.00047784109483473003,
0.08979438990354538,
0.1672198325395584,
0.13851036131381989,
0.10931256413459778,
0.03690595552325249,
-0.010830995626747608,
0.12133318930864334,
0.06816361099481583,
-0.061344213783741,
0.08758820593357086,
0.172972172498703,
0.006890702992677689,
-0.15932531654834747,
0.003390007186681032,
-0.14363537728786469,
0.01623881608247757,
0.00503632752224803,
-0.09368936717510223,
0.1304749846458435,
0.101445771753788,
-0.05012648180127144,
0.1312953531742096,
-0.22157037258148193,
0.0011780400527641177,
0.1479903757572174,
-0.01464649848639965,
0.2755526006221771,
-0.050849560648202896,
-0.025637509301304817,
-0.04313071817159653,
-0.21853908896446228,
0.10706780850887299,
-0.14541016519069672,
0.07359666377305984,
-0.04244431108236313,
0.09377047419548035,
0.021813753992319107,
-0.0788375586271286,
0.17506290972232819,
0.022327719256281853,
0.06455376744270325,
-0.09993322193622589,
0.005801774561405182,
0.023732786998152733,
-0.002838562475517392,
0.056738704442977905,
0.1149682030081749,
0.0924404039978981,
-0.17275689542293549,
-0.04818589240312576,
0.013311496004462242,
0.006727631203830242,
0.1048915758728981,
-0.05393581464886665,
-0.11405006796121597,
-0.05423007905483246,
-0.08780084550380707,
-0.050219081342220306,
0.00362553633749485,
0.01840725541114807,
0.06447472423315048,
-0.04478686302900314,
-0.12118084728717804,
-0.07898368686437607,
0.03748021647334099,
-0.05029609426856041,
-0.0629328265786171,
0.04716367647051811,
-0.2835109233856201,
0.034898992627859116,
0.13934046030044556,
0.02199646271765232,
-0.050167251378297806,
0.04235779866576195,
-0.0966932401061058,
0.03870435059070587,
0.14611637592315674,
-0.15973106026649475,
0.16264888644218445,
0.01863815076649189,
-0.034385260194540024,
0.12832759320735931,
0.04754568636417389,
0.05488100275397301,
0.019430011510849,
-0.03190895915031433,
-0.01888125203549862,
0.0003185660461895168,
-0.054176945239305496,
0.10519766062498093,
0.03890474885702133,
-0.029344627633690834,
-0.18401239812374115,
0.27994483709335327,
0.037976041436195374,
0.0062487442046403885,
0.009537994861602783,
-0.042947862297296524,
-0.08888900279998779,
-0.05022791400551796,
0.09178578853607178,
0.08896391093730927,
-0.20625345408916473,
-0.1485968381166458,
-0.05475825071334839,
0.02856723964214325,
0.006678029429167509,
0.17727570235729218,
0.09226074069738388,
0.08003555238246918,
0.02799910493195057,
-0.05489661544561386,
-0.003305309684947133,
-0.06469693034887314,
0.026009252294898033,
0.023575464263558388,
-0.026657063513994217,
0.00824954453855753,
-0.028254453092813492,
0.13700616359710693,
-0.04381899908185005,
-0.05185484513640404,
-0.0616699755191803,
0.08657009899616241,
-0.13262929022312164,
-0.014156714081764221,
0.015987645834684372,
0.004337990656495094,
0.009325225837528706,
-0.04308655858039856,
-0.000631514994893223,
-0.01817178539931774,
-0.09496676921844482,
0.07125722616910934,
0.03334420919418335,
-0.03219616785645485,
-0.12891370058059692,
-0.004744945093989372,
0.06744110584259033,
0.08272586017847061,
0.037035487592220306,
0.15685738623142242,
0.011184017173945904,
0.07475423067808151,
-0.21611173450946808,
-0.10746192187070847,
0.1035451665520668,
0.033594775944948196,
0.042015619575977325,
0.08824020624160767,
0.08043908327817917,
0.07960262149572372,
-0.06915156543254852,
0.02626127377152443,
-0.0012887013144791126,
-0.06232995167374611,
-0.09936372935771942,
-0.11885098367929459,
-0.07561662048101425,
-0.04294278845191002,
-0.0401570126414299,
0.13407540321350098,
0.12701906263828278,
-0.11517465114593506,
0.049890369176864624,
-0.007417744025588036,
-0.026477616280317307,
-0.08124201744794846,
-0.05711808800697327,
-0.16042077541351318,
-0.09158872067928314,
0.049075886607170105,
0.0329928882420063,
-0.02889540046453476,
0.3315087556838989,
0.023088514804840088,
0.05634117126464844,
-0.06023671478033066,
0.14557293057441711,
0.04451172426342964,
-0.05307941511273384,
0.19359655678272247,
0.09163274616003036,
-0.009876172989606857,
-0.1444963961839676,
0.06944136321544647,
0.055282238870859146,
-0.011544006876647472,
-0.0902223140001297,
0.029701901599764824,
0.1286133974790573,
-0.008873268961906433,
0.01698065921664238,
-0.11306213587522507,
0.131562739610672,
-0.21109476685523987,
-0.04060634970664978,
-0.046541113406419754,
0.07205299288034439,
-0.05700202286243439,
0.08884210139513016,
0.015403722412884235,
-0.09531167149543762,
-0.038379911333322525,
-0.02901981584727764,
-0.10767228156328201,
-0.10250966250896454,
-0.03656373172998428,
-0.060097772628068924,
0.050333455204963684,
-0.04268744960427284,
0.046223655343055725,
0.26511433720588684,
0.06448677182197571,
0.006627819500863552,
0.0804838016629219,
0.03240028768777847,
-0.03690598905086517,
0.004680282901972532,
-0.007731944788247347,
0.07963287830352783,
0.030691789463162422,
-0.053717173635959625,
0.01767752133309841,
-0.033426519483327866,
0.01465542335063219,
-0.01506593357771635,
0.104795902967453,
0.001954958774149418,
-0.14794938266277313,
-0.019874131307005882,
-0.07986626029014587,
0.07713394612073898,
-0.08949051052331924,
0.007072536740452051,
0.07622053474187851,
0.06609879434108734,
0.05863979086279869,
0.2543995976448059,
0.014633423648774624,
0.06753809750080109,
-0.007039071526378393,
0.17180968821048737,
-0.05197494104504585,
0.07536713033914566,
0.0024200144689530134,
-0.06653255969285965,
-0.037972159683704376,
0.17574001848697662,
0.10974141210317612,
-0.00866547878831625,
-0.027110649272799492,
-0.007060997188091278,
0.045263584703207016,
0.02146267704665661,
0.04534199461340904,
0.06418142467737198,
0.11441739648580551,
-0.11617349833250046,
-0.09030453115701675,
0.04259853437542915,
0.015829140320420265,
-0.009999629110097885,
-0.005334150046110153,
0.010301109403371811,
-0.05295607075095177,
-0.1469813883304596,
0.14038868248462677,
-0.045004237443208694,
0.19113653898239136,
0.011869651265442371,
-0.10066225379705429,
-0.09422029554843903,
0.03312952071428299,
-0.0022642668336629868,
0.08158349245786667,
0.02765800431370735,
-0.12014655023813248,
-0.007722034119069576,
-0.1418433040380478,
0.03610730543732643,
-0.3049626052379608,
-0.19734637439250946,
-0.010553642176091671,
0.06849994510412216,
0.013682198710739613,
0.0023612126242369413,
0.11234576255083084,
0.06242828443646431,
0.035635340958833694,
-0.0852595791220665,
0.00465155765414238,
0.009387234225869179,
0.05214943364262581,
-0.06061171367764473,
-0.05145375803112984,
0.016692085191607475,
-0.17052146792411804,
0.10539647191762924,
0.05803176388144493,
0.02681754343211651,
0.059919822961091995,
0.12082469463348389,
-0.062105100601911545,
-0.021065065637230873,
-0.0661175549030304,
0.12054141610860825,
-0.03301560878753662,
-0.05073370039463043,
0.04046190157532692,
-0.045451756566762924,
0.07741708308458328,
0.026445116847753525,
-0.14377327263355255,
0.03211714327335358,
0.014539954252541065,
0.0028197544161230326,
0.08693613857030869,
0.012495404109358788,
-0.04752151295542717,
0.04466414079070091,
-0.021089088171720505,
-0.0058454591780900955,
0.04618191346526146,
0.05477379634976387,
0.04749719053506851,
0.10325630009174347,
-0.030786138027906418,
-0.01490258052945137,
0.06861879676580429,
0.021749384701251984,
0.009795689024031162,
-0.14950303733348846
] |
8104069faa6579b509248e184d53e6aada977914 |
# Dataset of le_mars/ル・マルス/勒马尔 (Azur Lane)
This is the dataset of le_mars/ル・マルス/勒马尔 (Azur Lane), containing 24 images and their tags.
The core tags of this character are `brown_hair, short_hair, blue_eyes, bow, breasts, ahoge, green_eyes, hair_bow`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 24 | 30.10 MiB | [Download](https://huggingface.co/datasets/CyberHarem/le_mars_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 24 | 18.20 MiB | [Download](https://huggingface.co/datasets/CyberHarem/le_mars_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 48 | 33.60 MiB | [Download](https://huggingface.co/datasets/CyberHarem/le_mars_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 24 | 26.62 MiB | [Download](https://huggingface.co/datasets/CyberHarem/le_mars_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 48 | 48.35 MiB | [Download](https://huggingface.co/datasets/CyberHarem/le_mars_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/le_mars_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, 1girl, solo, black_gloves, fingerless_gloves, shorts, smile, white_background, bare_shoulders, blush, cannon, full_body, hair_ornament, holding_weapon, machinery, navel, rigging, thighhighs, turret, bangs, closed_mouth, dark-skinned_female, simple_background, standing, sword |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | double_bun, looking_at_viewer, open_mouth, smile, 1girl, blue_bikini, solo, ;d, antenna_hair, ass, blush, hood, innertube, one-piece_tan, one_eye_closed, small_breasts, torpedo, water, barefoot, beachball, blue_sky, cloud, day, official_alternate_costume, outdoors, polka_dot_bikini, wrist_scrunchie |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | 1girl | solo | black_gloves | fingerless_gloves | shorts | smile | white_background | bare_shoulders | blush | cannon | full_body | hair_ornament | holding_weapon | machinery | navel | rigging | thighhighs | turret | bangs | closed_mouth | dark-skinned_female | simple_background | standing | sword | double_bun | open_mouth | blue_bikini | ;d | antenna_hair | ass | hood | innertube | one-piece_tan | one_eye_closed | small_breasts | torpedo | water | barefoot | beachball | blue_sky | cloud | day | official_alternate_costume | outdoors | polka_dot_bikini | wrist_scrunchie |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:--------|:-------|:---------------|:--------------------|:---------|:--------|:-------------------|:-----------------|:--------|:---------|:------------|:----------------|:-----------------|:------------|:--------|:----------|:-------------|:---------|:--------|:---------------|:----------------------|:--------------------|:-----------|:--------|:-------------|:-------------|:--------------|:-----|:---------------|:------|:-------|:------------|:----------------|:-----------------|:----------------|:----------|:--------|:-----------|:------------|:-----------|:--------|:------|:-----------------------------|:-----------|:-------------------|:------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | | |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | | | | X | | | X | | | | | | | | | | | | | | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/le_mars_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T10:11:26+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:18:02+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of le\_mars/ル・マルス/勒马尔 (Azur Lane)
=========================================
This is the dataset of le\_mars/ル・マルス/勒马尔 (Azur Lane), containing 24 images and their tags.
The core tags of this character are 'brown\_hair, short\_hair, blue\_eyes, bow, breasts, ahoge, green\_eyes, hair\_bow', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
57b8f84260ff6580093d5d8b2c87e6ce23a09392 |
# Dataset of nagatsuki/長月/长月 (Azur Lane)
This is the dataset of nagatsuki/長月/长月 (Azur Lane), containing 21 images and their tags.
The core tags of this character are `animal_ears, long_hair, brown_hair, dog_ears, purple_eyes, hair_ornament, tail, dog_tail, crescent_hair_ornament, fang, hat, ribbon, school_hat, hairclip, side_ponytail, bangs, dog_girl, very_long_hair, yellow_headwear, bow, hair_between_eyes, hair_bow, candy_hair_ornament`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:--------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 21 | 24.20 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nagatsuki_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 21 | 14.61 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nagatsuki_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 50 | 30.45 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nagatsuki_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 21 | 22.01 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nagatsuki_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 50 | 42.38 MiB | [Download](https://huggingface.co/datasets/CyberHarem/nagatsuki_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/nagatsuki_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 21 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | blush, open_mouth, 1girl, crescent, smile, solo, looking_at_viewer, blue_shirt, kindergarten_uniform, long_sleeves, pantyhose, blue_skirt, school_uniform |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | blush | open_mouth | 1girl | crescent | smile | solo | looking_at_viewer | blue_shirt | kindergarten_uniform | long_sleeves | pantyhose | blue_skirt | school_uniform |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------------|:--------|:-----------|:--------|:-------|:--------------------|:-------------|:-----------------------|:---------------|:------------|:-------------|:-----------------|
| 0 | 21 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/nagatsuki_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T10:11:31+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:23:39+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of nagatsuki/長月/长月 (Azur Lane)
======================================
This is the dataset of nagatsuki/長月/长月 (Azur Lane), containing 21 images and their tags.
The core tags of this character are 'animal\_ears, long\_hair, brown\_hair, dog\_ears, purple\_eyes, hair\_ornament, tail, dog\_tail, crescent\_hair\_ornament, fang, hat, ribbon, school\_hat, hairclip, side\_ponytail, bangs, dog\_girl, very\_long\_hair, yellow\_headwear, bow, hair\_between\_eyes, hair\_bow, candy\_hair\_ornament', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
c6f81191b41e1f772229e4a84cf21d4572901ed0 |
# Dataset of chaser/チェイサー/追赶者 (Azur Lane)
This is the dataset of chaser/チェイサー/追赶者 (Azur Lane), containing 11 images and their tags.
The core tags of this character are `blonde_hair, blue_eyes, breasts, large_breasts, long_hair, bangs, very_long_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 11 | 13.90 MiB | [Download](https://huggingface.co/datasets/CyberHarem/chaser_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 11 | 8.42 MiB | [Download](https://huggingface.co/datasets/CyberHarem/chaser_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 24 | 14.85 MiB | [Download](https://huggingface.co/datasets/CyberHarem/chaser_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 11 | 12.23 MiB | [Download](https://huggingface.co/datasets/CyberHarem/chaser_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 24 | 20.84 MiB | [Download](https://huggingface.co/datasets/CyberHarem/chaser_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/chaser_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, smile, solo, cleavage, dress, open_mouth, holding, simple_background, white_background, closed_mouth, full_body, long_sleeves, thighhighs |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | smile | solo | cleavage | dress | open_mouth | holding | simple_background | white_background | closed_mouth | full_body | long_sleeves | thighhighs |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:--------|:-------|:-----------|:--------|:-------------|:----------|:--------------------|:-------------------|:---------------|:------------|:---------------|:-------------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/chaser_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T10:12:17+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:14:55+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of chaser/チェイサー/追赶者 (Azur Lane)
=======================================
This is the dataset of chaser/チェイサー/追赶者 (Azur Lane), containing 11 images and their tags.
The core tags of this character are 'blonde\_hair, blue\_eyes, breasts, large\_breasts, long\_hair, bangs, very\_long\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
7b1f7e74116063ea5bfab83697e17b3d6bbdb0c2 |
# Dataset Card for Evaluation run of HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3](https://huggingface.co/HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_HenryJJ__dolphin-2.6-mistral-7b-dpo-orca-v3",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T10:22:49.140128](https://huggingface.co/datasets/open-llm-leaderboard/details_HenryJJ__dolphin-2.6-mistral-7b-dpo-orca-v3/blob/main/results_2024-01-14T10-22-49.140128.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.6208194474020036,
"acc_stderr": 0.03248977876941496,
"acc_norm": 0.6279979276428014,
"acc_norm_stderr": 0.03316548494950365,
"mc1": 0.4418604651162791,
"mc1_stderr": 0.017384767478986218,
"mc2": 0.6128599699123188,
"mc2_stderr": 0.01559006777346825
},
"harness|arc:challenge|25": {
"acc": 0.6339590443686007,
"acc_stderr": 0.01407722310847014,
"acc_norm": 0.6629692832764505,
"acc_norm_stderr": 0.013813476652902274
},
"harness|hellaswag|10": {
"acc": 0.6611232822146983,
"acc_stderr": 0.0047236053769369145,
"acc_norm": 0.8453495319657439,
"acc_norm_stderr": 0.0036083220651418834
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.29,
"acc_stderr": 0.04560480215720684,
"acc_norm": 0.29,
"acc_norm_stderr": 0.04560480215720684
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6222222222222222,
"acc_stderr": 0.04188307537595853,
"acc_norm": 0.6222222222222222,
"acc_norm_stderr": 0.04188307537595853
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.6776315789473685,
"acc_stderr": 0.03803510248351585,
"acc_norm": 0.6776315789473685,
"acc_norm_stderr": 0.03803510248351585
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.59,
"acc_stderr": 0.049431107042371025,
"acc_norm": 0.59,
"acc_norm_stderr": 0.049431107042371025
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.690566037735849,
"acc_stderr": 0.028450154794118637,
"acc_norm": 0.690566037735849,
"acc_norm_stderr": 0.028450154794118637
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.75,
"acc_stderr": 0.03621034121889507,
"acc_norm": 0.75,
"acc_norm_stderr": 0.03621034121889507
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.41,
"acc_stderr": 0.049431107042371025,
"acc_norm": 0.41,
"acc_norm_stderr": 0.049431107042371025
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.51,
"acc_stderr": 0.05024183937956912,
"acc_norm": 0.51,
"acc_norm_stderr": 0.05024183937956912
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.36,
"acc_stderr": 0.04824181513244218,
"acc_norm": 0.36,
"acc_norm_stderr": 0.04824181513244218
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.5895953757225434,
"acc_stderr": 0.03750757044895537,
"acc_norm": 0.5895953757225434,
"acc_norm_stderr": 0.03750757044895537
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.35294117647058826,
"acc_stderr": 0.04755129616062946,
"acc_norm": 0.35294117647058826,
"acc_norm_stderr": 0.04755129616062946
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.77,
"acc_stderr": 0.042295258468165065,
"acc_norm": 0.77,
"acc_norm_stderr": 0.042295258468165065
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.574468085106383,
"acc_stderr": 0.03232146916224469,
"acc_norm": 0.574468085106383,
"acc_norm_stderr": 0.03232146916224469
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.39473684210526316,
"acc_stderr": 0.045981880578165414,
"acc_norm": 0.39473684210526316,
"acc_norm_stderr": 0.045981880578165414
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.6,
"acc_stderr": 0.040824829046386284,
"acc_norm": 0.6,
"acc_norm_stderr": 0.040824829046386284
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.3915343915343915,
"acc_stderr": 0.025138091388851105,
"acc_norm": 0.3915343915343915,
"acc_norm_stderr": 0.025138091388851105
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.4126984126984127,
"acc_stderr": 0.04403438954768176,
"acc_norm": 0.4126984126984127,
"acc_norm_stderr": 0.04403438954768176
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.37,
"acc_stderr": 0.048523658709391,
"acc_norm": 0.37,
"acc_norm_stderr": 0.048523658709391
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7354838709677419,
"acc_stderr": 0.02509189237885928,
"acc_norm": 0.7354838709677419,
"acc_norm_stderr": 0.02509189237885928
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.4876847290640394,
"acc_stderr": 0.035169204442208966,
"acc_norm": 0.4876847290640394,
"acc_norm_stderr": 0.035169204442208966
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.7,
"acc_stderr": 0.046056618647183814,
"acc_norm": 0.7,
"acc_norm_stderr": 0.046056618647183814
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7696969696969697,
"acc_stderr": 0.0328766675860349,
"acc_norm": 0.7696969696969697,
"acc_norm_stderr": 0.0328766675860349
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7828282828282829,
"acc_stderr": 0.02937661648494562,
"acc_norm": 0.7828282828282829,
"acc_norm_stderr": 0.02937661648494562
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8601036269430051,
"acc_stderr": 0.025033870583015178,
"acc_norm": 0.8601036269430051,
"acc_norm_stderr": 0.025033870583015178
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6102564102564103,
"acc_stderr": 0.024726967886647078,
"acc_norm": 0.6102564102564103,
"acc_norm_stderr": 0.024726967886647078
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.3148148148148148,
"acc_stderr": 0.02831753349606649,
"acc_norm": 0.3148148148148148,
"acc_norm_stderr": 0.02831753349606649
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6596638655462185,
"acc_stderr": 0.030778057422931673,
"acc_norm": 0.6596638655462185,
"acc_norm_stderr": 0.030778057422931673
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.31125827814569534,
"acc_stderr": 0.03780445850526732,
"acc_norm": 0.31125827814569534,
"acc_norm_stderr": 0.03780445850526732
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8275229357798165,
"acc_stderr": 0.016197807956848043,
"acc_norm": 0.8275229357798165,
"acc_norm_stderr": 0.016197807956848043
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.49537037037037035,
"acc_stderr": 0.03409825519163572,
"acc_norm": 0.49537037037037035,
"acc_norm_stderr": 0.03409825519163572
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8137254901960784,
"acc_stderr": 0.027325470966716312,
"acc_norm": 0.8137254901960784,
"acc_norm_stderr": 0.027325470966716312
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.7721518987341772,
"acc_stderr": 0.027303484599069443,
"acc_norm": 0.7721518987341772,
"acc_norm_stderr": 0.027303484599069443
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.6816143497757847,
"acc_stderr": 0.03126580522513713,
"acc_norm": 0.6816143497757847,
"acc_norm_stderr": 0.03126580522513713
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7633587786259542,
"acc_stderr": 0.03727673575596913,
"acc_norm": 0.7633587786259542,
"acc_norm_stderr": 0.03727673575596913
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.7603305785123967,
"acc_stderr": 0.03896878985070417,
"acc_norm": 0.7603305785123967,
"acc_norm_stderr": 0.03896878985070417
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.0401910747255735,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.0401910747255735
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.6993865030674846,
"acc_stderr": 0.03602511318806771,
"acc_norm": 0.6993865030674846,
"acc_norm_stderr": 0.03602511318806771
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.4642857142857143,
"acc_stderr": 0.04733667890053756,
"acc_norm": 0.4642857142857143,
"acc_norm_stderr": 0.04733667890053756
},
"harness|hendrycksTest-management|5": {
"acc": 0.8058252427184466,
"acc_stderr": 0.03916667762822584,
"acc_norm": 0.8058252427184466,
"acc_norm_stderr": 0.03916667762822584
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8632478632478633,
"acc_stderr": 0.02250903393707781,
"acc_norm": 0.8632478632478633,
"acc_norm_stderr": 0.02250903393707781
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.67,
"acc_stderr": 0.047258156262526094,
"acc_norm": 0.67,
"acc_norm_stderr": 0.047258156262526094
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8135376756066411,
"acc_stderr": 0.013927751372001505,
"acc_norm": 0.8135376756066411,
"acc_norm_stderr": 0.013927751372001505
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.6965317919075145,
"acc_stderr": 0.02475241196091721,
"acc_norm": 0.6965317919075145,
"acc_norm_stderr": 0.02475241196091721
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.3318435754189944,
"acc_stderr": 0.015748421208187303,
"acc_norm": 0.3318435754189944,
"acc_norm_stderr": 0.015748421208187303
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7124183006535948,
"acc_stderr": 0.02591780611714716,
"acc_norm": 0.7124183006535948,
"acc_norm_stderr": 0.02591780611714716
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.6945337620578779,
"acc_stderr": 0.02616058445014045,
"acc_norm": 0.6945337620578779,
"acc_norm_stderr": 0.02616058445014045
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.6882716049382716,
"acc_stderr": 0.025773111169630457,
"acc_norm": 0.6882716049382716,
"acc_norm_stderr": 0.025773111169630457
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.46808510638297873,
"acc_stderr": 0.029766675075873866,
"acc_norm": 0.46808510638297873,
"acc_norm_stderr": 0.029766675075873866
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.4556714471968709,
"acc_stderr": 0.012719949543032199,
"acc_norm": 0.4556714471968709,
"acc_norm_stderr": 0.012719949543032199
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6213235294117647,
"acc_stderr": 0.02946513363977613,
"acc_norm": 0.6213235294117647,
"acc_norm_stderr": 0.02946513363977613
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6568627450980392,
"acc_stderr": 0.01920660684882536,
"acc_norm": 0.6568627450980392,
"acc_norm_stderr": 0.01920660684882536
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6727272727272727,
"acc_stderr": 0.04494290866252091,
"acc_norm": 0.6727272727272727,
"acc_norm_stderr": 0.04494290866252091
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7183673469387755,
"acc_stderr": 0.02879518557429129,
"acc_norm": 0.7183673469387755,
"acc_norm_stderr": 0.02879518557429129
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8159203980099502,
"acc_stderr": 0.02740385941078685,
"acc_norm": 0.8159203980099502,
"acc_norm_stderr": 0.02740385941078685
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.86,
"acc_stderr": 0.03487350880197771,
"acc_norm": 0.86,
"acc_norm_stderr": 0.03487350880197771
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5301204819277109,
"acc_stderr": 0.03885425420866767,
"acc_norm": 0.5301204819277109,
"acc_norm_stderr": 0.03885425420866767
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8245614035087719,
"acc_stderr": 0.029170885500727668,
"acc_norm": 0.8245614035087719,
"acc_norm_stderr": 0.029170885500727668
},
"harness|truthfulqa:mc|0": {
"mc1": 0.4418604651162791,
"mc1_stderr": 0.017384767478986218,
"mc2": 0.6128599699123188,
"mc2_stderr": 0.01559006777346825
},
"harness|winogrande|5": {
"acc": 0.7758484609313339,
"acc_stderr": 0.011720400740774099
},
"harness|gsm8k|5": {
"acc": 0.25549658832448824,
"acc_stderr": 0.012013462405460069
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_HenryJJ__dolphin-2.6-mistral-7b-dpo-orca-v3 | [
"region:us"
] | 2024-01-14T10:25:11+00:00 | {"pretty_name": "Evaluation run of HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3", "dataset_summary": "Dataset automatically created during the evaluation run of model [HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3](https://huggingface.co/HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_HenryJJ__dolphin-2.6-mistral-7b-dpo-orca-v3\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T10:22:49.140128](https://huggingface.co/datasets/open-llm-leaderboard/details_HenryJJ__dolphin-2.6-mistral-7b-dpo-orca-v3/blob/main/results_2024-01-14T10-22-49.140128.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.6208194474020036,\n \"acc_stderr\": 0.03248977876941496,\n \"acc_norm\": 0.6279979276428014,\n \"acc_norm_stderr\": 0.03316548494950365,\n \"mc1\": 0.4418604651162791,\n \"mc1_stderr\": 0.017384767478986218,\n \"mc2\": 0.6128599699123188,\n \"mc2_stderr\": 0.01559006777346825\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6339590443686007,\n \"acc_stderr\": 0.01407722310847014,\n \"acc_norm\": 0.6629692832764505,\n \"acc_norm_stderr\": 0.013813476652902274\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6611232822146983,\n \"acc_stderr\": 0.0047236053769369145,\n \"acc_norm\": 0.8453495319657439,\n \"acc_norm_stderr\": 0.0036083220651418834\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.29,\n \"acc_stderr\": 0.04560480215720684,\n \"acc_norm\": 0.29,\n \"acc_norm_stderr\": 0.04560480215720684\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6222222222222222,\n \"acc_stderr\": 0.04188307537595853,\n \"acc_norm\": 0.6222222222222222,\n \"acc_norm_stderr\": 0.04188307537595853\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.6776315789473685,\n \"acc_stderr\": 0.03803510248351585,\n \"acc_norm\": 0.6776315789473685,\n \"acc_norm_stderr\": 0.03803510248351585\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.59,\n \"acc_stderr\": 0.049431107042371025,\n \"acc_norm\": 0.59,\n \"acc_norm_stderr\": 0.049431107042371025\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.690566037735849,\n \"acc_stderr\": 0.028450154794118637,\n \"acc_norm\": 0.690566037735849,\n \"acc_norm_stderr\": 0.028450154794118637\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.03621034121889507,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.03621034121889507\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.41,\n \"acc_stderr\": 0.049431107042371025,\n \"acc_norm\": 0.41,\n \"acc_norm_stderr\": 0.049431107042371025\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.51,\n \"acc_stderr\": 0.05024183937956912,\n \"acc_norm\": 0.51,\n \"acc_norm_stderr\": 0.05024183937956912\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.36,\n \"acc_stderr\": 0.04824181513244218,\n \"acc_norm\": 0.36,\n \"acc_norm_stderr\": 0.04824181513244218\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.5895953757225434,\n \"acc_stderr\": 0.03750757044895537,\n \"acc_norm\": 0.5895953757225434,\n \"acc_norm_stderr\": 0.03750757044895537\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.35294117647058826,\n \"acc_stderr\": 0.04755129616062946,\n \"acc_norm\": 0.35294117647058826,\n \"acc_norm_stderr\": 0.04755129616062946\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.77,\n \"acc_stderr\": 0.042295258468165065,\n \"acc_norm\": 0.77,\n \"acc_norm_stderr\": 0.042295258468165065\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.574468085106383,\n \"acc_stderr\": 0.03232146916224469,\n \"acc_norm\": 0.574468085106383,\n \"acc_norm_stderr\": 0.03232146916224469\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.39473684210526316,\n \"acc_stderr\": 0.045981880578165414,\n \"acc_norm\": 0.39473684210526316,\n \"acc_norm_stderr\": 0.045981880578165414\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.6,\n \"acc_stderr\": 0.040824829046386284,\n \"acc_norm\": 0.6,\n \"acc_norm_stderr\": 0.040824829046386284\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.3915343915343915,\n \"acc_stderr\": 0.025138091388851105,\n \"acc_norm\": 0.3915343915343915,\n \"acc_norm_stderr\": 0.025138091388851105\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.4126984126984127,\n \"acc_stderr\": 0.04403438954768176,\n \"acc_norm\": 0.4126984126984127,\n \"acc_norm_stderr\": 0.04403438954768176\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.37,\n \"acc_stderr\": 0.048523658709391,\n \"acc_norm\": 0.37,\n \"acc_norm_stderr\": 0.048523658709391\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7354838709677419,\n \"acc_stderr\": 0.02509189237885928,\n \"acc_norm\": 0.7354838709677419,\n \"acc_norm_stderr\": 0.02509189237885928\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.4876847290640394,\n \"acc_stderr\": 0.035169204442208966,\n \"acc_norm\": 0.4876847290640394,\n \"acc_norm_stderr\": 0.035169204442208966\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.7,\n \"acc_stderr\": 0.046056618647183814,\n \"acc_norm\": 0.7,\n \"acc_norm_stderr\": 0.046056618647183814\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7696969696969697,\n \"acc_stderr\": 0.0328766675860349,\n \"acc_norm\": 0.7696969696969697,\n \"acc_norm_stderr\": 0.0328766675860349\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7828282828282829,\n \"acc_stderr\": 0.02937661648494562,\n \"acc_norm\": 0.7828282828282829,\n \"acc_norm_stderr\": 0.02937661648494562\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8601036269430051,\n \"acc_stderr\": 0.025033870583015178,\n \"acc_norm\": 0.8601036269430051,\n \"acc_norm_stderr\": 0.025033870583015178\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6102564102564103,\n \"acc_stderr\": 0.024726967886647078,\n \"acc_norm\": 0.6102564102564103,\n \"acc_norm_stderr\": 0.024726967886647078\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.3148148148148148,\n \"acc_stderr\": 0.02831753349606649,\n \"acc_norm\": 0.3148148148148148,\n \"acc_norm_stderr\": 0.02831753349606649\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6596638655462185,\n \"acc_stderr\": 0.030778057422931673,\n \"acc_norm\": 0.6596638655462185,\n \"acc_norm_stderr\": 0.030778057422931673\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.31125827814569534,\n \"acc_stderr\": 0.03780445850526732,\n \"acc_norm\": 0.31125827814569534,\n \"acc_norm_stderr\": 0.03780445850526732\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8275229357798165,\n \"acc_stderr\": 0.016197807956848043,\n \"acc_norm\": 0.8275229357798165,\n \"acc_norm_stderr\": 0.016197807956848043\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.49537037037037035,\n \"acc_stderr\": 0.03409825519163572,\n \"acc_norm\": 0.49537037037037035,\n \"acc_norm_stderr\": 0.03409825519163572\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8137254901960784,\n \"acc_stderr\": 0.027325470966716312,\n \"acc_norm\": 0.8137254901960784,\n \"acc_norm_stderr\": 0.027325470966716312\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.7721518987341772,\n \"acc_stderr\": 0.027303484599069443,\n \"acc_norm\": 0.7721518987341772,\n \"acc_norm_stderr\": 0.027303484599069443\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.6816143497757847,\n \"acc_stderr\": 0.03126580522513713,\n \"acc_norm\": 0.6816143497757847,\n \"acc_norm_stderr\": 0.03126580522513713\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7633587786259542,\n \"acc_stderr\": 0.03727673575596913,\n \"acc_norm\": 0.7633587786259542,\n \"acc_norm_stderr\": 0.03727673575596913\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.7603305785123967,\n \"acc_stderr\": 0.03896878985070417,\n \"acc_norm\": 0.7603305785123967,\n \"acc_norm_stderr\": 0.03896878985070417\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.0401910747255735,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.0401910747255735\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.6993865030674846,\n \"acc_stderr\": 0.03602511318806771,\n \"acc_norm\": 0.6993865030674846,\n \"acc_norm_stderr\": 0.03602511318806771\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.4642857142857143,\n \"acc_stderr\": 0.04733667890053756,\n \"acc_norm\": 0.4642857142857143,\n \"acc_norm_stderr\": 0.04733667890053756\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8058252427184466,\n \"acc_stderr\": 0.03916667762822584,\n \"acc_norm\": 0.8058252427184466,\n \"acc_norm_stderr\": 0.03916667762822584\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8632478632478633,\n \"acc_stderr\": 0.02250903393707781,\n \"acc_norm\": 0.8632478632478633,\n \"acc_norm_stderr\": 0.02250903393707781\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.67,\n \"acc_stderr\": 0.047258156262526094,\n \"acc_norm\": 0.67,\n \"acc_norm_stderr\": 0.047258156262526094\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8135376756066411,\n \"acc_stderr\": 0.013927751372001505,\n \"acc_norm\": 0.8135376756066411,\n \"acc_norm_stderr\": 0.013927751372001505\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.6965317919075145,\n \"acc_stderr\": 0.02475241196091721,\n \"acc_norm\": 0.6965317919075145,\n \"acc_norm_stderr\": 0.02475241196091721\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.3318435754189944,\n \"acc_stderr\": 0.015748421208187303,\n \"acc_norm\": 0.3318435754189944,\n \"acc_norm_stderr\": 0.015748421208187303\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7124183006535948,\n \"acc_stderr\": 0.02591780611714716,\n \"acc_norm\": 0.7124183006535948,\n \"acc_norm_stderr\": 0.02591780611714716\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.6945337620578779,\n \"acc_stderr\": 0.02616058445014045,\n \"acc_norm\": 0.6945337620578779,\n \"acc_norm_stderr\": 0.02616058445014045\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.6882716049382716,\n \"acc_stderr\": 0.025773111169630457,\n \"acc_norm\": 0.6882716049382716,\n \"acc_norm_stderr\": 0.025773111169630457\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.46808510638297873,\n \"acc_stderr\": 0.029766675075873866,\n \"acc_norm\": 0.46808510638297873,\n \"acc_norm_stderr\": 0.029766675075873866\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.4556714471968709,\n \"acc_stderr\": 0.012719949543032199,\n \"acc_norm\": 0.4556714471968709,\n \"acc_norm_stderr\": 0.012719949543032199\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6213235294117647,\n \"acc_stderr\": 0.02946513363977613,\n \"acc_norm\": 0.6213235294117647,\n \"acc_norm_stderr\": 0.02946513363977613\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6568627450980392,\n \"acc_stderr\": 0.01920660684882536,\n \"acc_norm\": 0.6568627450980392,\n \"acc_norm_stderr\": 0.01920660684882536\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6727272727272727,\n \"acc_stderr\": 0.04494290866252091,\n \"acc_norm\": 0.6727272727272727,\n \"acc_norm_stderr\": 0.04494290866252091\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7183673469387755,\n \"acc_stderr\": 0.02879518557429129,\n \"acc_norm\": 0.7183673469387755,\n \"acc_norm_stderr\": 0.02879518557429129\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8159203980099502,\n \"acc_stderr\": 0.02740385941078685,\n \"acc_norm\": 0.8159203980099502,\n \"acc_norm_stderr\": 0.02740385941078685\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.86,\n \"acc_stderr\": 0.03487350880197771,\n \"acc_norm\": 0.86,\n \"acc_norm_stderr\": 0.03487350880197771\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5301204819277109,\n \"acc_stderr\": 0.03885425420866767,\n \"acc_norm\": 0.5301204819277109,\n \"acc_norm_stderr\": 0.03885425420866767\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8245614035087719,\n \"acc_stderr\": 0.029170885500727668,\n \"acc_norm\": 0.8245614035087719,\n \"acc_norm_stderr\": 0.029170885500727668\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.4418604651162791,\n \"mc1_stderr\": 0.017384767478986218,\n \"mc2\": 0.6128599699123188,\n \"mc2_stderr\": 0.01559006777346825\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.7758484609313339,\n \"acc_stderr\": 0.011720400740774099\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.25549658832448824,\n \"acc_stderr\": 0.012013462405460069\n }\n}\n```", "repo_url": "https://huggingface.co/HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|arc:challenge|25_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|gsm8k|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hellaswag|10_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T10-22-49.140128.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["**/details_harness|winogrande|5_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T10-22-49.140128.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T10_22_49.140128", "path": ["results_2024-01-14T10-22-49.140128.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T10-22-49.140128.parquet"]}]}]} | 2024-01-14T10:25:31+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3
Dataset automatically created during the evaluation run of model HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3 on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T10:22:49.140128(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3\n\n\n\nDataset automatically created during the evaluation run of model HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T10:22:49.140128(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3\n\n\n\nDataset automatically created during the evaluation run of model HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T10:22:49.140128(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
205,
67,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3\n\n\n\nDataset automatically created during the evaluation run of model HenryJJ/dolphin-2.6-mistral-7b-dpo-orca-v3 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T10:22:49.140128(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]"
] | [
-0.07304604351520538,
0.20691680908203125,
-0.006053945515304804,
0.01903417520225048,
0.06544181704521179,
-0.026603026315569878,
0.008046172559261322,
0.14982011914253235,
-0.004388962406665087,
0.16119883954524994,
-0.013259218074381351,
0.08749602735042572,
0.09049611538648605,
0.18406380712985992,
0.008122103288769722,
-0.1458914875984192,
0.029509419575333595,
-0.0641544908285141,
0.05679233372211456,
0.07547985017299652,
0.0816807672381401,
-0.09609922021627426,
0.0711604505777359,
-0.020388668403029442,
-0.01218277309089899,
-0.007579389493912458,
-0.08355454355478287,
-0.05477171391248703,
0.0788939818739891,
0.05880405008792877,
0.030845055356621742,
-0.01645808294415474,
-0.007288552355021238,
-0.22658713161945343,
0.02434299886226654,
0.0909210592508316,
0.041380275040864944,
0.08169721812009811,
0.12623882293701172,
-0.07029061019420624,
0.10770725458860397,
-0.09477665275335312,
0.061363931745290756,
0.035487715154886246,
-0.11834043264389038,
-0.1156759113073349,
-0.1663108766078949,
-0.007034794893115759,
0.07966139912605286,
0.05256951227784157,
-0.022594168782234192,
0.1369207203388214,
0.001019696588627994,
0.028503969311714172,
0.15987302362918854,
-0.1259050816297531,
-0.027850020676851273,
-0.00523178419098258,
0.04859229922294617,
0.053567029535770416,
-0.10156068950891495,
-0.018543926998972893,
0.03120078332722187,
0.04827200993895531,
-0.014607422053813934,
0.014838269911706448,
0.012914699502289295,
0.01866237074136734,
-0.12128251791000366,
-0.06560046970844269,
0.11777693033218384,
0.006727606989443302,
-0.07380353659391403,
-0.12815243005752563,
-0.03160170465707779,
-0.06940312683582306,
-0.010907597839832306,
-0.007404597010463476,
0.035905010998249054,
-0.028688840568065643,
0.0752912387251854,
-0.02087775245308876,
-0.09674622118473053,
-0.020750923082232475,
-0.04816027730703354,
0.0755457952618599,
0.0150302117690444,
0.012574475258588791,
-0.030097022652626038,
0.10873430967330933,
0.06391169875860214,
-0.09001133590936661,
-0.11602020263671875,
-0.04310473054647446,
-0.08850795775651932,
-0.05670342966914177,
-0.00004857435487792827,
-0.09129348397254944,
0.04061802104115486,
0.19723734259605408,
-0.07492436468601227,
0.014096910133957863,
-0.09610897302627563,
-0.00642018299549818,
0.09891672432422638,
0.07431325316429138,
-0.02860785834491253,
-0.02888675406575203,
0.01196549367159605,
0.038853175938129425,
0.024502621963620186,
-0.02161097526550293,
0.03972047194838524,
0.06509791314601898,
0.0160712618380785,
0.12325610965490341,
0.12286828458309174,
0.0004455423622857779,
-0.042422302067279816,
-0.03175656124949455,
0.18734514713287354,
-0.1823645532131195,
-0.0022858057636767626,
0.02612963318824768,
-0.06645262986421585,
-0.06251904368400574,
0.053093500435352325,
-0.018651803955435753,
-0.05022342503070831,
0.10619347542524338,
-0.06080358847975731,
-0.05769013985991478,
-0.06972559541463852,
-0.050788410007953644,
0.06052286922931671,
-0.009390780702233315,
-0.04658902809023857,
-0.07510634511709213,
-0.128494992852211,
-0.0927930474281311,
-0.008068026974797249,
-0.08534181863069534,
-0.01141383871436119,
0.041138626635074615,
-0.023459335789084435,
-0.0356350913643837,
-0.010294074192643166,
0.12722647190093994,
-0.08009479939937592,
0.03226037323474884,
-0.0018005480524152517,
0.0046123238280415535,
0.06916838139295578,
0.04534078761935234,
-0.1358025223016739,
0.07420646399259567,
-0.05795622617006302,
0.11993327736854553,
-0.08058097213506699,
0.024528782814741135,
-0.12098824232816696,
-0.009612596593797207,
-0.05847954377532005,
0.01602635718882084,
0.012880356051027775,
0.11304005235433578,
-0.26052504777908325,
-0.00690172053873539,
0.12912948429584503,
-0.1013178899884224,
-0.08601552248001099,
0.039137210696935654,
-0.027607640251517296,
0.041116729378700256,
0.08419981598854065,
0.06100558489561081,
0.09281127899885178,
-0.06512678414583206,
-0.11715652793645859,
-0.11821163445711136,
0.008539661765098572,
0.13212957978248596,
0.0550113245844841,
-0.04964457452297211,
0.15580344200134277,
0.04062521830201149,
-0.032387204468250275,
-0.037598446011543274,
-0.013358023017644882,
-0.05766711011528969,
-0.005448400042951107,
-0.053996190428733826,
-0.10754314064979553,
-0.021246755495667458,
-0.04754655808210373,
-0.04126094654202461,
-0.08032458275556564,
0.04305022209882736,
0.1029258593916893,
0.004115728661417961,
0.02526557259261608,
-0.08299943059682846,
0.10243044048547745,
-0.0012399374973028898,
0.02137252502143383,
-0.22265923023223877,
-0.09099412709474564,
0.04073864966630936,
-0.14158642292022705,
0.021823354065418243,
0.016558397561311722,
0.02040048874914646,
0.0434199795126915,
0.022319229319691658,
0.029793906956911087,
0.0066787549294531345,
-0.007235068362206221,
-0.023576192557811737,
-0.12409118562936783,
-0.016590705141425133,
-0.08230575174093246,
0.06141079589724541,
-0.16169939935207367,
-0.020653292536735535,
0.12102998793125153,
0.19512484967708588,
0.03168793395161629,
-0.1017073541879654,
0.06769278645515442,
0.0030248756520450115,
-0.04057815298438072,
-0.07703208923339844,
0.005111646838486195,
-0.007835695520043373,
0.06270387023687363,
0.06846988201141357,
-0.1927204579114914,
-0.11884991824626923,
0.09388887137174606,
0.15698528289794922,
-0.06101509928703308,
-0.024115830659866333,
-0.10013759881258011,
-0.034870944917201996,
-0.08242269605398178,
-0.033139828592538834,
0.0863061249256134,
0.08399432897567749,
0.0422479584813118,
-0.0662204846739769,
-0.08777724206447601,
0.003704229136928916,
0.07615049928426743,
-0.06156597286462784,
0.09238272160291672,
0.01628291793167591,
-0.0912545770406723,
0.087638720870018,
-0.008196496404707432,
0.1288726031780243,
0.09778789430856705,
-0.0008428541477769613,
-0.1518084853887558,
0.008796803653240204,
0.052572399377822876,
0.043684158474206924,
0.08098046481609344,
0.012836623005568981,
0.020218513906002045,
0.07371678203344345,
-0.006667871493846178,
0.0518031008541584,
-0.06294902414083481,
0.034877240657806396,
0.03999241441488266,
-0.009729360230267048,
0.021872956305742264,
0.019035466015338898,
0.025991931557655334,
0.07539893686771393,
0.044232215732336044,
0.11181957274675369,
-0.0269271582365036,
-0.037913087755441666,
-0.0809222012758255,
0.14826874434947968,
-0.07838859409093857,
-0.24819940328598022,
-0.1556767374277115,
-0.05787711590528488,
-0.0015173960709944367,
-0.008823907934129238,
0.05711205676198006,
-0.017340751364827156,
-0.08593357354402542,
-0.11348220705986023,
0.02339939773082733,
0.05239476263523102,
-0.07593700289726257,
-0.009064490906894207,
0.03220893070101738,
0.03789965435862541,
-0.16677474975585938,
0.03337142616510391,
0.020279809832572937,
-0.01640949584543705,
-0.024795683100819588,
0.10638564079999924,
0.11046216636896133,
0.053730037063360214,
0.01642667129635811,
-0.023590486496686935,
-0.002804138930514455,
0.20704028010368347,
-0.08817766606807709,
0.00507372198626399,
0.10533584654331207,
-0.05562347173690796,
0.04699234664440155,
0.10461293160915375,
0.0011734896106645465,
-0.10320316255092621,
0.02449273318052292,
0.10371123254299164,
-0.05469666048884392,
-0.28607767820358276,
-0.052787721157073975,
-0.03099745325744152,
0.0016548354178667068,
0.08814554661512375,
0.09998518973588943,
-0.01349776703864336,
-0.00858835969120264,
-0.10438953340053558,
-0.03774582967162132,
-0.05463920906186104,
0.06716729700565338,
0.05494137480854988,
0.022153250873088837,
0.04019562155008316,
-0.050504911690950394,
0.04686930030584335,
0.11370532214641571,
0.019446024671196938,
0.1317761391401291,
-0.05922050401568413,
0.16940778493881226,
0.07292868196964264,
0.0437856949865818,
-0.014747087843716145,
0.0564754381775856,
-0.011120972223579884,
0.05462164804339409,
0.01315472461283207,
-0.10549215227365494,
-0.045299869030714035,
0.08118849992752075,
-0.008229670114815235,
-0.012766440398991108,
0.047987472265958786,
-0.0345790721476078,
0.05756046622991562,
0.1954713612794876,
-0.008918986655771732,
-0.17785970866680145,
-0.08811692148447037,
0.0442916601896286,
-0.029581980779767036,
-0.08319224417209625,
-0.027248766273260117,
0.049295227974653244,
-0.10455358028411865,
0.028293713927268982,
-0.04443544149398804,
0.09207885712385178,
-0.12419197708368301,
-0.01861395128071308,
0.03152088448405266,
0.09363499283790588,
-0.01200410071760416,
0.08097577840089798,
-0.10818782448768616,
0.08274370431900024,
-0.012923444621264935,
0.06397534906864166,
-0.05183932185173035,
0.06094704195857048,
-0.0033030982594937086,
-0.0650879368185997,
0.125029519200325,
0.003796003060415387,
-0.10245417058467865,
-0.04304709658026695,
-0.15144450962543488,
0.01728384755551815,
0.022904157638549805,
-0.11516112089157104,
0.11505588889122009,
0.0219695083796978,
-0.019286636263132095,
-0.04931565374135971,
-0.043692126870155334,
-0.08578762412071228,
-0.19986651837825775,
0.11524045467376709,
-0.136163592338562,
0.0738522931933403,
-0.06939235329627991,
-0.06492382287979126,
-0.037749581038951874,
0.17934641242027283,
-0.06903156638145447,
-0.07199329882860184,
-0.1274457722902298,
0.05477813631296158,
0.17209261655807495,
-0.06048684939742088,
0.0392846018075943,
-0.03511033207178116,
0.2129073441028595,
0.015440354123711586,
-0.06168521195650101,
-0.003718929598107934,
-0.06329131871461868,
-0.17943784594535828,
-0.04517354071140289,
0.14402048289775848,
0.055618736892938614,
0.0018634612206369638,
-0.008170513436198235,
0.06092705950140953,
0.006178074516355991,
-0.06613125652074814,
0.057935260236263275,
0.08190646022558212,
0.09883511811494827,
-0.006272480823099613,
-0.028984546661376953,
-0.07964035868644714,
-0.13432393968105316,
-0.07275755703449249,
0.05282331258058548,
0.15580587089061737,
-0.02697867527604103,
0.1503829061985016,
0.09034115821123123,
-0.10456471145153046,
-0.1405085325241089,
-0.01910058595240116,
0.011979300528764725,
-0.004964897409081459,
0.08444353193044662,
-0.18593040108680725,
0.07884879410266876,
0.09047986567020416,
-0.012273557484149933,
0.1803479641675949,
-0.20644596219062805,
-0.141619473695755,
0.019762489944696426,
0.03412136808037758,
-0.16676215827465057,
-0.16099423170089722,
-0.12147919833660126,
-0.013209139928221703,
-0.17406238615512848,
0.14341861009597778,
-0.0021409851033240557,
0.029212988913059235,
-0.021196823567152023,
0.058824460953474045,
0.04391908273100853,
-0.04897389933466911,
0.14564768970012665,
-0.04649392515420914,
0.007911221124231815,
-0.0785612240433693,
-0.032287709414958954,
-0.017131907865405083,
-0.0613955557346344,
0.04875420778989792,
0.03971227630972862,
0.05702320486307144,
-0.0994550883769989,
-0.03365371376276016,
-0.04976090043783188,
0.05779435113072395,
-0.052118681371212006,
-0.04140527546405792,
-0.04586580768227577,
0.06946942210197449,
0.07003051787614822,
-0.02034684270620346,
0.0626799613237381,
-0.03350365534424782,
0.06842874735593796,
0.14614816009998322,
0.051907047629356384,
0.027886221185326576,
-0.09676730632781982,
-0.018810437992215157,
-0.000030642109777545556,
-0.006879811640828848,
-0.12499845772981644,
0.03472369909286499,
0.1041807010769844,
0.04005924239754677,
0.0654643177986145,
-0.015132632106542587,
-0.19532227516174316,
0.011851253919303417,
0.08604396879673004,
-0.11785216629505157,
-0.13193687796592712,
0.03485532104969025,
0.11633482575416565,
-0.12026543915271759,
-0.06436192244291306,
0.10802038758993149,
0.0129246199503541,
-0.045764341950416565,
0.017050493508577347,
0.06452923268079758,
0.041375234723091125,
0.10659774392843246,
-0.02020891383290291,
0.041163548827171326,
-0.08334958553314209,
0.10341843217611313,
0.11750410497188568,
-0.10336396098136902,
0.00870355311781168,
0.10672793537378311,
-0.050953127443790436,
-0.027922695502638817,
-0.0234549380838871,
0.049032047390937805,
0.01295167114585638,
-0.024642551317811012,
-0.029567910358309746,
-0.05309881642460823,
0.07875416427850723,
0.1515640914440155,
-0.0010945498943328857,
0.0674048513174057,
0.017429973930120468,
0.007253933697938919,
-0.06141175329685211,
0.11495963484048843,
0.032054975628852844,
0.04536288231611252,
-0.04434538260102272,
0.037309449166059494,
0.001481874380260706,
-0.025753973051905632,
0.01620284467935562,
-0.040123067796230316,
-0.01789003238081932,
-0.02268868312239647,
-0.20878033339977264,
0.029356323182582855,
-0.09088431298732758,
-0.018337076529860497,
-0.019657893106341362,
-0.02907441183924675,
-0.031934358179569244,
0.02606811374425888,
-0.0629875585436821,
-0.06791655719280243,
-0.07100724428892136,
0.0757925808429718,
-0.19632653892040253,
0.010266386903822422,
0.0632021427154541,
-0.08627638965845108,
0.06555385887622833,
0.04252486675977707,
-0.006919230800122023,
-0.00019248540047556162,
-0.10084082931280136,
-0.02735435962677002,
0.000013646477782458533,
0.031184298917651176,
0.04167706519365311,
-0.1748071014881134,
-0.004555420484393835,
0.026195110753178596,
-0.07233278453350067,
-0.02395993284881115,
0.040759190917015076,
-0.15287898480892181,
-0.012314376421272755,
0.06738273054361343,
-0.01426401361823082,
-0.008626255206763744,
0.009163455106317997,
0.08398040384054184,
0.030824648216366768,
0.1038120687007904,
-0.006906337104737759,
0.04206543788313866,
-0.16962604224681854,
-0.041443485766649246,
-0.008605841547250748,
-0.01157926581799984,
0.008744706399738789,
0.04348521679639816,
0.04815247654914856,
-0.018822163343429565,
0.2001035511493683,
-0.033633776009082794,
0.041697628796100616,
0.07334191352128983,
-0.03697662055492401,
-0.07399173080921173,
0.05664055794477463,
0.07392123341560364,
0.023555824533104897,
0.020288405939936638,
0.020679274573922157,
-0.05030117928981781,
-0.01877466030418873,
-0.043989360332489014,
0.09539337456226349,
0.15706971287727356,
0.2088984251022339,
-0.002280901186168194,
0.06361331790685654,
-0.13421376049518585,
-0.060641150921583176,
0.008650594390928745,
-0.06191107630729675,
0.04720652475953102,
-0.044415488839149475,
0.0723930224776268,
0.091304711997509,
-0.12448374181985855,
0.08829191327095032,
-0.07997757941484451,
-0.02429666370153427,
-0.03896009549498558,
-0.12017993628978729,
-0.025326304137706757,
0.01394229382276535,
0.0011441714596003294,
-0.08803261816501617,
0.10671617090702057,
0.07070159912109375,
0.0014103137655183673,
-0.017861735075712204,
0.10160423815250397,
-0.08271007984876633,
-0.0659102201461792,
-0.011915658600628376,
0.0178210586309433,
0.023622388020157814,
0.043157100677490234,
0.0507422499358654,
0.03193621337413788,
0.07035865634679794,
0.07580981403589249,
0.0752359926700592,
0.07897749543190002,
0.04723302274942398,
-0.030635250732302666,
-0.06808117777109146,
0.0311554167419672,
-0.011581999249756336,
-0.03811202198266983,
0.15938301384449005,
0.05571673437952995,
0.034271303564310074,
0.019771184772253036,
0.23237016797065735,
0.012669989839196205,
-0.023883868008852005,
-0.14108827710151672,
0.0671544075012207,
0.028606638312339783,
0.01631680130958557,
0.0314532034099102,
-0.14603622257709503,
0.018499113619327545,
0.17690874636173248,
0.07233472913503647,
0.048680517822504044,
-0.005163248162716627,
0.048262763768434525,
0.022710558027029037,
-0.04631343483924866,
0.006620526313781738,
0.06801270693540573,
0.16209854185581207,
-0.027706993743777275,
0.035855721682310104,
-0.00779487332329154,
-0.02882060594856739,
-0.010387517511844635,
0.09891785681247711,
-0.049754489213228226,
0.02691853977739811,
-0.0640004351735115,
0.06972353160381317,
-0.06464861333370209,
-0.3541189432144165,
0.0198499895632267,
-0.11958057433366776,
-0.1516500562429428,
-0.02144174836575985,
0.031473543494939804,
-0.027425864711403847,
0.03946544975042343,
0.04363129287958145,
-0.04255374148488045,
0.18135593831539154,
0.0010054787853732705,
-0.06099259480834007,
-0.08264194428920746,
0.07828197628259659,
-0.05156747251749039,
0.22951366007328033,
-0.0026588416658341885,
0.0199995469301939,
0.07999838143587112,
-0.00032158527756109834,
-0.19005927443504333,
-0.002060618717223406,
0.07346121221780777,
-0.07364793866872787,
0.041192781180143356,
0.1824512779712677,
-0.021053222939372063,
0.08317039906978607,
0.06997252255678177,
0.0262454804033041,
0.025522999465465546,
0.033766210079193115,
0.01069403626024723,
-0.08048789203166962,
0.030751891434192657,
-0.07718287408351898,
0.11904822289943695,
0.13768765330314636,
-0.024821540340781212,
0.025348065420985222,
-0.058308836072683334,
0.06142782047390938,
-0.0078071365132927895,
0.07824607193470001,
-0.007896389812231064,
-0.18918757140636444,
0.04362596943974495,
0.08466517925262451,
0.07032347470521927,
-0.22377343475818634,
-0.05603110417723656,
0.09964671730995178,
-0.06475410610437393,
0.006056288722902536,
0.10912516713142395,
0.02103687822818756,
0.022803600877523422,
-0.06653876602649689,
-0.02665391005575657,
0.014654871076345444,
0.11027579009532928,
-0.09724526852369308,
-0.04025058075785637
] |
1463f11dd6850215f1515ca927d4dd05612a18c8 |
# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-7B
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [FelixChao/NarutoDolphin-7B](https://huggingface.co/FelixChao/NarutoDolphin-7B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_FelixChao__NarutoDolphin-7B",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T10:24:57.162360](https://huggingface.co/datasets/open-llm-leaderboard/details_FelixChao__NarutoDolphin-7B/blob/main/results_2024-01-14T10-24-57.162360.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.6306583942825644,
"acc_stderr": 0.03252627508388141,
"acc_norm": 0.632276909104878,
"acc_norm_stderr": 0.03317986227116511,
"mc1": 0.40514075887392903,
"mc1_stderr": 0.01718561172775337,
"mc2": 0.5912860013096678,
"mc2_stderr": 0.015586868131613507
},
"harness|arc:challenge|25": {
"acc": 0.6220136518771331,
"acc_stderr": 0.014169664520303098,
"acc_norm": 0.6382252559726962,
"acc_norm_stderr": 0.014041957945038083
},
"harness|hellaswag|10": {
"acc": 0.6542521410077674,
"acc_stderr": 0.0047463946133845325,
"acc_norm": 0.841665006970723,
"acc_norm_stderr": 0.0036430875292137216
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695235,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695235
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6296296296296297,
"acc_stderr": 0.041716541613545426,
"acc_norm": 0.6296296296296297,
"acc_norm_stderr": 0.041716541613545426
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.7105263157894737,
"acc_stderr": 0.03690677986137282,
"acc_norm": 0.7105263157894737,
"acc_norm_stderr": 0.03690677986137282
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.59,
"acc_stderr": 0.04943110704237101,
"acc_norm": 0.59,
"acc_norm_stderr": 0.04943110704237101
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.6528301886792452,
"acc_stderr": 0.029300101705549652,
"acc_norm": 0.6528301886792452,
"acc_norm_stderr": 0.029300101705549652
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7430555555555556,
"acc_stderr": 0.03653946969442099,
"acc_norm": 0.7430555555555556,
"acc_norm_stderr": 0.03653946969442099
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.46,
"acc_stderr": 0.05009082659620333,
"acc_norm": 0.46,
"acc_norm_stderr": 0.05009082659620333
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.52,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.52,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695235,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695235
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.5895953757225434,
"acc_stderr": 0.03750757044895536,
"acc_norm": 0.5895953757225434,
"acc_norm_stderr": 0.03750757044895536
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.39215686274509803,
"acc_stderr": 0.04858083574266345,
"acc_norm": 0.39215686274509803,
"acc_norm_stderr": 0.04858083574266345
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.76,
"acc_stderr": 0.042923469599092816,
"acc_norm": 0.76,
"acc_norm_stderr": 0.042923469599092816
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.548936170212766,
"acc_stderr": 0.03252909619613197,
"acc_norm": 0.548936170212766,
"acc_norm_stderr": 0.03252909619613197
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.43859649122807015,
"acc_stderr": 0.04668000738510455,
"acc_norm": 0.43859649122807015,
"acc_norm_stderr": 0.04668000738510455
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5103448275862069,
"acc_stderr": 0.04165774775728763,
"acc_norm": 0.5103448275862069,
"acc_norm_stderr": 0.04165774775728763
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.40476190476190477,
"acc_stderr": 0.025279850397404904,
"acc_norm": 0.40476190476190477,
"acc_norm_stderr": 0.025279850397404904
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.4365079365079365,
"acc_stderr": 0.04435932892851466,
"acc_norm": 0.4365079365079365,
"acc_norm_stderr": 0.04435932892851466
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.4,
"acc_stderr": 0.049236596391733084,
"acc_norm": 0.4,
"acc_norm_stderr": 0.049236596391733084
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7870967741935484,
"acc_stderr": 0.023287665127268545,
"acc_norm": 0.7870967741935484,
"acc_norm_stderr": 0.023287665127268545
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.4827586206896552,
"acc_stderr": 0.035158955511656986,
"acc_norm": 0.4827586206896552,
"acc_norm_stderr": 0.035158955511656986
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.69,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.69,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7575757575757576,
"acc_stderr": 0.03346409881055953,
"acc_norm": 0.7575757575757576,
"acc_norm_stderr": 0.03346409881055953
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7525252525252525,
"acc_stderr": 0.030746300742124484,
"acc_norm": 0.7525252525252525,
"acc_norm_stderr": 0.030746300742124484
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8704663212435233,
"acc_stderr": 0.024233532297758723,
"acc_norm": 0.8704663212435233,
"acc_norm_stderr": 0.024233532297758723
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6384615384615384,
"acc_stderr": 0.024359581465396993,
"acc_norm": 0.6384615384615384,
"acc_norm_stderr": 0.024359581465396993
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.32222222222222224,
"acc_stderr": 0.028493465091028593,
"acc_norm": 0.32222222222222224,
"acc_norm_stderr": 0.028493465091028593
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6638655462184874,
"acc_stderr": 0.03068473711513536,
"acc_norm": 0.6638655462184874,
"acc_norm_stderr": 0.03068473711513536
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.2781456953642384,
"acc_stderr": 0.03658603262763744,
"acc_norm": 0.2781456953642384,
"acc_norm_stderr": 0.03658603262763744
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8220183486238533,
"acc_stderr": 0.016399436366612907,
"acc_norm": 0.8220183486238533,
"acc_norm_stderr": 0.016399436366612907
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.49537037037037035,
"acc_stderr": 0.03409825519163572,
"acc_norm": 0.49537037037037035,
"acc_norm_stderr": 0.03409825519163572
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8088235294117647,
"acc_stderr": 0.027599174300640773,
"acc_norm": 0.8088235294117647,
"acc_norm_stderr": 0.027599174300640773
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.7679324894514767,
"acc_stderr": 0.02747974455080851,
"acc_norm": 0.7679324894514767,
"acc_norm_stderr": 0.02747974455080851
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.672645739910314,
"acc_stderr": 0.031493846709941306,
"acc_norm": 0.672645739910314,
"acc_norm_stderr": 0.031493846709941306
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7709923664122137,
"acc_stderr": 0.036853466317118506,
"acc_norm": 0.7709923664122137,
"acc_norm_stderr": 0.036853466317118506
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.768595041322314,
"acc_stderr": 0.03849856098794088,
"acc_norm": 0.768595041322314,
"acc_norm_stderr": 0.03849856098794088
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.0401910747255735,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.0401910747255735
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7300613496932515,
"acc_stderr": 0.03487825168497892,
"acc_norm": 0.7300613496932515,
"acc_norm_stderr": 0.03487825168497892
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.48214285714285715,
"acc_stderr": 0.047427623612430116,
"acc_norm": 0.48214285714285715,
"acc_norm_stderr": 0.047427623612430116
},
"harness|hendrycksTest-management|5": {
"acc": 0.8155339805825242,
"acc_stderr": 0.03840423627288276,
"acc_norm": 0.8155339805825242,
"acc_norm_stderr": 0.03840423627288276
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8717948717948718,
"acc_stderr": 0.02190190511507333,
"acc_norm": 0.8717948717948718,
"acc_norm_stderr": 0.02190190511507333
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.72,
"acc_stderr": 0.04512608598542128,
"acc_norm": 0.72,
"acc_norm_stderr": 0.04512608598542128
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8199233716475096,
"acc_stderr": 0.01374079725857982,
"acc_norm": 0.8199233716475096,
"acc_norm_stderr": 0.01374079725857982
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.708092485549133,
"acc_stderr": 0.02447699407624734,
"acc_norm": 0.708092485549133,
"acc_norm_stderr": 0.02447699407624734
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.3642458100558659,
"acc_stderr": 0.0160943387684746,
"acc_norm": 0.3642458100558659,
"acc_norm_stderr": 0.0160943387684746
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7124183006535948,
"acc_stderr": 0.02591780611714716,
"acc_norm": 0.7124183006535948,
"acc_norm_stderr": 0.02591780611714716
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.6977491961414791,
"acc_stderr": 0.026082700695399662,
"acc_norm": 0.6977491961414791,
"acc_norm_stderr": 0.026082700695399662
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.6944444444444444,
"acc_stderr": 0.02563082497562135,
"acc_norm": 0.6944444444444444,
"acc_norm_stderr": 0.02563082497562135
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.4645390070921986,
"acc_stderr": 0.029752389657427047,
"acc_norm": 0.4645390070921986,
"acc_norm_stderr": 0.029752389657427047
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.44328552803129073,
"acc_stderr": 0.012687818419599923,
"acc_norm": 0.44328552803129073,
"acc_norm_stderr": 0.012687818419599923
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6617647058823529,
"acc_stderr": 0.028739328513983572,
"acc_norm": 0.6617647058823529,
"acc_norm_stderr": 0.028739328513983572
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6519607843137255,
"acc_stderr": 0.019270998708223977,
"acc_norm": 0.6519607843137255,
"acc_norm_stderr": 0.019270998708223977
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6636363636363637,
"acc_stderr": 0.04525393596302505,
"acc_norm": 0.6636363636363637,
"acc_norm_stderr": 0.04525393596302505
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.710204081632653,
"acc_stderr": 0.02904308868330433,
"acc_norm": 0.710204081632653,
"acc_norm_stderr": 0.02904308868330433
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8109452736318408,
"acc_stderr": 0.027686913588013014,
"acc_norm": 0.8109452736318408,
"acc_norm_stderr": 0.027686913588013014
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.87,
"acc_stderr": 0.033799766898963086,
"acc_norm": 0.87,
"acc_norm_stderr": 0.033799766898963086
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5421686746987951,
"acc_stderr": 0.038786267710023595,
"acc_norm": 0.5421686746987951,
"acc_norm_stderr": 0.038786267710023595
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.7953216374269005,
"acc_stderr": 0.03094445977853321,
"acc_norm": 0.7953216374269005,
"acc_norm_stderr": 0.03094445977853321
},
"harness|truthfulqa:mc|0": {
"mc1": 0.40514075887392903,
"mc1_stderr": 0.01718561172775337,
"mc2": 0.5912860013096678,
"mc2_stderr": 0.015586868131613507
},
"harness|winogrande|5": {
"acc": 0.7750591949486977,
"acc_stderr": 0.011735043564126735
},
"harness|gsm8k|5": {
"acc": 0.5943896891584534,
"acc_stderr": 0.013524848894462115
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_FelixChao__NarutoDolphin-7B | [
"region:us"
] | 2024-01-14T10:27:14+00:00 | {"pretty_name": "Evaluation run of FelixChao/NarutoDolphin-7B", "dataset_summary": "Dataset automatically created during the evaluation run of model [FelixChao/NarutoDolphin-7B](https://huggingface.co/FelixChao/NarutoDolphin-7B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_FelixChao__NarutoDolphin-7B\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T10:24:57.162360](https://huggingface.co/datasets/open-llm-leaderboard/details_FelixChao__NarutoDolphin-7B/blob/main/results_2024-01-14T10-24-57.162360.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.6306583942825644,\n \"acc_stderr\": 0.03252627508388141,\n \"acc_norm\": 0.632276909104878,\n \"acc_norm_stderr\": 0.03317986227116511,\n \"mc1\": 0.40514075887392903,\n \"mc1_stderr\": 0.01718561172775337,\n \"mc2\": 0.5912860013096678,\n \"mc2_stderr\": 0.015586868131613507\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6220136518771331,\n \"acc_stderr\": 0.014169664520303098,\n \"acc_norm\": 0.6382252559726962,\n \"acc_norm_stderr\": 0.014041957945038083\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6542521410077674,\n \"acc_stderr\": 0.0047463946133845325,\n \"acc_norm\": 0.841665006970723,\n \"acc_norm_stderr\": 0.0036430875292137216\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695235,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695235\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6296296296296297,\n \"acc_stderr\": 0.041716541613545426,\n \"acc_norm\": 0.6296296296296297,\n \"acc_norm_stderr\": 0.041716541613545426\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.7105263157894737,\n \"acc_stderr\": 0.03690677986137282,\n \"acc_norm\": 0.7105263157894737,\n \"acc_norm_stderr\": 0.03690677986137282\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.59,\n \"acc_stderr\": 0.04943110704237101,\n \"acc_norm\": 0.59,\n \"acc_norm_stderr\": 0.04943110704237101\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.6528301886792452,\n \"acc_stderr\": 0.029300101705549652,\n \"acc_norm\": 0.6528301886792452,\n \"acc_norm_stderr\": 0.029300101705549652\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7430555555555556,\n \"acc_stderr\": 0.03653946969442099,\n \"acc_norm\": 0.7430555555555556,\n \"acc_norm_stderr\": 0.03653946969442099\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.46,\n \"acc_stderr\": 0.05009082659620333,\n \"acc_norm\": 0.46,\n \"acc_norm_stderr\": 0.05009082659620333\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.52,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.52,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695235,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695235\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.5895953757225434,\n \"acc_stderr\": 0.03750757044895536,\n \"acc_norm\": 0.5895953757225434,\n \"acc_norm_stderr\": 0.03750757044895536\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.39215686274509803,\n \"acc_stderr\": 0.04858083574266345,\n \"acc_norm\": 0.39215686274509803,\n \"acc_norm_stderr\": 0.04858083574266345\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.76,\n \"acc_stderr\": 0.042923469599092816,\n \"acc_norm\": 0.76,\n \"acc_norm_stderr\": 0.042923469599092816\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.548936170212766,\n \"acc_stderr\": 0.03252909619613197,\n \"acc_norm\": 0.548936170212766,\n \"acc_norm_stderr\": 0.03252909619613197\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.43859649122807015,\n \"acc_stderr\": 0.04668000738510455,\n \"acc_norm\": 0.43859649122807015,\n \"acc_norm_stderr\": 0.04668000738510455\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5103448275862069,\n \"acc_stderr\": 0.04165774775728763,\n \"acc_norm\": 0.5103448275862069,\n \"acc_norm_stderr\": 0.04165774775728763\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.40476190476190477,\n \"acc_stderr\": 0.025279850397404904,\n \"acc_norm\": 0.40476190476190477,\n \"acc_norm_stderr\": 0.025279850397404904\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.4365079365079365,\n \"acc_stderr\": 0.04435932892851466,\n \"acc_norm\": 0.4365079365079365,\n \"acc_norm_stderr\": 0.04435932892851466\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.4,\n \"acc_stderr\": 0.049236596391733084,\n \"acc_norm\": 0.4,\n \"acc_norm_stderr\": 0.049236596391733084\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7870967741935484,\n \"acc_stderr\": 0.023287665127268545,\n \"acc_norm\": 0.7870967741935484,\n \"acc_norm_stderr\": 0.023287665127268545\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.4827586206896552,\n \"acc_stderr\": 0.035158955511656986,\n \"acc_norm\": 0.4827586206896552,\n \"acc_norm_stderr\": 0.035158955511656986\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.69,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.69,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7575757575757576,\n \"acc_stderr\": 0.03346409881055953,\n \"acc_norm\": 0.7575757575757576,\n \"acc_norm_stderr\": 0.03346409881055953\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7525252525252525,\n \"acc_stderr\": 0.030746300742124484,\n \"acc_norm\": 0.7525252525252525,\n \"acc_norm_stderr\": 0.030746300742124484\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8704663212435233,\n \"acc_stderr\": 0.024233532297758723,\n \"acc_norm\": 0.8704663212435233,\n \"acc_norm_stderr\": 0.024233532297758723\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6384615384615384,\n \"acc_stderr\": 0.024359581465396993,\n \"acc_norm\": 0.6384615384615384,\n \"acc_norm_stderr\": 0.024359581465396993\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.32222222222222224,\n \"acc_stderr\": 0.028493465091028593,\n \"acc_norm\": 0.32222222222222224,\n \"acc_norm_stderr\": 0.028493465091028593\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6638655462184874,\n \"acc_stderr\": 0.03068473711513536,\n \"acc_norm\": 0.6638655462184874,\n \"acc_norm_stderr\": 0.03068473711513536\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.2781456953642384,\n \"acc_stderr\": 0.03658603262763744,\n \"acc_norm\": 0.2781456953642384,\n \"acc_norm_stderr\": 0.03658603262763744\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8220183486238533,\n \"acc_stderr\": 0.016399436366612907,\n \"acc_norm\": 0.8220183486238533,\n \"acc_norm_stderr\": 0.016399436366612907\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.49537037037037035,\n \"acc_stderr\": 0.03409825519163572,\n \"acc_norm\": 0.49537037037037035,\n \"acc_norm_stderr\": 0.03409825519163572\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8088235294117647,\n \"acc_stderr\": 0.027599174300640773,\n \"acc_norm\": 0.8088235294117647,\n \"acc_norm_stderr\": 0.027599174300640773\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.7679324894514767,\n \"acc_stderr\": 0.02747974455080851,\n \"acc_norm\": 0.7679324894514767,\n \"acc_norm_stderr\": 0.02747974455080851\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.672645739910314,\n \"acc_stderr\": 0.031493846709941306,\n \"acc_norm\": 0.672645739910314,\n \"acc_norm_stderr\": 0.031493846709941306\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7709923664122137,\n \"acc_stderr\": 0.036853466317118506,\n \"acc_norm\": 0.7709923664122137,\n \"acc_norm_stderr\": 0.036853466317118506\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.768595041322314,\n \"acc_stderr\": 0.03849856098794088,\n \"acc_norm\": 0.768595041322314,\n \"acc_norm_stderr\": 0.03849856098794088\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.0401910747255735,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.0401910747255735\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7300613496932515,\n \"acc_stderr\": 0.03487825168497892,\n \"acc_norm\": 0.7300613496932515,\n \"acc_norm_stderr\": 0.03487825168497892\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.48214285714285715,\n \"acc_stderr\": 0.047427623612430116,\n \"acc_norm\": 0.48214285714285715,\n \"acc_norm_stderr\": 0.047427623612430116\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8155339805825242,\n \"acc_stderr\": 0.03840423627288276,\n \"acc_norm\": 0.8155339805825242,\n \"acc_norm_stderr\": 0.03840423627288276\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8717948717948718,\n \"acc_stderr\": 0.02190190511507333,\n \"acc_norm\": 0.8717948717948718,\n \"acc_norm_stderr\": 0.02190190511507333\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.72,\n \"acc_stderr\": 0.04512608598542128,\n \"acc_norm\": 0.72,\n \"acc_norm_stderr\": 0.04512608598542128\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8199233716475096,\n \"acc_stderr\": 0.01374079725857982,\n \"acc_norm\": 0.8199233716475096,\n \"acc_norm_stderr\": 0.01374079725857982\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.708092485549133,\n \"acc_stderr\": 0.02447699407624734,\n \"acc_norm\": 0.708092485549133,\n \"acc_norm_stderr\": 0.02447699407624734\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.3642458100558659,\n \"acc_stderr\": 0.0160943387684746,\n \"acc_norm\": 0.3642458100558659,\n \"acc_norm_stderr\": 0.0160943387684746\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7124183006535948,\n \"acc_stderr\": 0.02591780611714716,\n \"acc_norm\": 0.7124183006535948,\n \"acc_norm_stderr\": 0.02591780611714716\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.6977491961414791,\n \"acc_stderr\": 0.026082700695399662,\n \"acc_norm\": 0.6977491961414791,\n \"acc_norm_stderr\": 0.026082700695399662\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.6944444444444444,\n \"acc_stderr\": 0.02563082497562135,\n \"acc_norm\": 0.6944444444444444,\n \"acc_norm_stderr\": 0.02563082497562135\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.4645390070921986,\n \"acc_stderr\": 0.029752389657427047,\n \"acc_norm\": 0.4645390070921986,\n \"acc_norm_stderr\": 0.029752389657427047\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.44328552803129073,\n \"acc_stderr\": 0.012687818419599923,\n \"acc_norm\": 0.44328552803129073,\n \"acc_norm_stderr\": 0.012687818419599923\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6617647058823529,\n \"acc_stderr\": 0.028739328513983572,\n \"acc_norm\": 0.6617647058823529,\n \"acc_norm_stderr\": 0.028739328513983572\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6519607843137255,\n \"acc_stderr\": 0.019270998708223977,\n \"acc_norm\": 0.6519607843137255,\n \"acc_norm_stderr\": 0.019270998708223977\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6636363636363637,\n \"acc_stderr\": 0.04525393596302505,\n \"acc_norm\": 0.6636363636363637,\n \"acc_norm_stderr\": 0.04525393596302505\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.710204081632653,\n \"acc_stderr\": 0.02904308868330433,\n \"acc_norm\": 0.710204081632653,\n \"acc_norm_stderr\": 0.02904308868330433\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8109452736318408,\n \"acc_stderr\": 0.027686913588013014,\n \"acc_norm\": 0.8109452736318408,\n \"acc_norm_stderr\": 0.027686913588013014\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.87,\n \"acc_stderr\": 0.033799766898963086,\n \"acc_norm\": 0.87,\n \"acc_norm_stderr\": 0.033799766898963086\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5421686746987951,\n \"acc_stderr\": 0.038786267710023595,\n \"acc_norm\": 0.5421686746987951,\n \"acc_norm_stderr\": 0.038786267710023595\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.7953216374269005,\n \"acc_stderr\": 0.03094445977853321,\n \"acc_norm\": 0.7953216374269005,\n \"acc_norm_stderr\": 0.03094445977853321\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.40514075887392903,\n \"mc1_stderr\": 0.01718561172775337,\n \"mc2\": 0.5912860013096678,\n \"mc2_stderr\": 0.015586868131613507\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.7750591949486977,\n \"acc_stderr\": 0.011735043564126735\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.5943896891584534,\n \"acc_stderr\": 0.013524848894462115\n }\n}\n```", "repo_url": "https://huggingface.co/FelixChao/NarutoDolphin-7B", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|arc:challenge|25_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|gsm8k|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hellaswag|10_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T10-24-57.162360.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["**/details_harness|winogrande|5_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T10-24-57.162360.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T10_24_57.162360", "path": ["results_2024-01-14T10-24-57.162360.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T10-24-57.162360.parquet"]}]}]} | 2024-01-14T10:27:33+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-7B
Dataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-7B on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T10:24:57.162360(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-7B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T10:24:57.162360(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-7B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T10:24:57.162360(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
183,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-7B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T10:24:57.162360(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.05083364248275757,
0.20668363571166992,
-0.0054968856275081635,
0.05007002130150795,
0.07990888506174088,
-0.022246209904551506,
0.04462357610464096,
0.10255450010299683,
0.03339209407567978,
0.19406361877918243,
-0.02555907890200615,
0.08991182595491409,
0.07334234565496445,
0.11808407306671143,
0.021283945068717003,
-0.13080406188964844,
0.024327214807271957,
-0.08449632674455643,
0.11503425985574722,
0.06514733284711838,
0.04880160838365555,
-0.07708681374788284,
0.07360751181840897,
-0.027371132746338844,
0.053375449031591415,
-0.00964455958455801,
-0.06745299696922302,
-0.028621312230825424,
0.10017473250627518,
0.10776099562644958,
0.04076063260436058,
-0.0133733619004488,
0.02499670535326004,
-0.25554388761520386,
0.015599611215293407,
0.0936262458562851,
-0.009253285825252533,
0.037272389978170395,
0.1502840667963028,
-0.08518297225236893,
0.09838192164897919,
-0.02253943495452404,
0.07154347747564316,
0.0590103343129158,
-0.119794562458992,
-0.14557088911533356,
-0.15709272027015686,
0.004346758592873812,
0.055511225014925,
0.04080338403582573,
-0.024649763479828835,
0.1482153683900833,
-0.07078137248754501,
0.048524025827646255,
0.15639802813529968,
-0.11858732998371124,
-0.023236000910401344,
0.05643996596336365,
0.02752995677292347,
0.08917834609746933,
-0.06654346734285355,
-0.021610615774989128,
0.04387890174984932,
0.0567769855260849,
-0.01621810719370842,
0.010866248048841953,
-0.008585511706769466,
0.004708377178758383,
-0.14952464401721954,
-0.1310313194990158,
0.10515081137418747,
0.006804173346608877,
-0.05799032375216484,
-0.1759946495294571,
-0.014811407774686813,
0.01441717054694891,
0.0007182225817814469,
0.01469636894762516,
-0.011082503944635391,
-0.01971554569900036,
0.10065736621618271,
0.0001655124215176329,
-0.09118330478668213,
-0.03072156384587288,
-0.000033119533327408135,
0.05632227659225464,
0.022860661149024963,
-0.006535819731652737,
0.01032287161797285,
0.11404429376125336,
0.031004728749394417,
-0.05185716599225998,
-0.06870979070663452,
-0.05732763186097145,
-0.113209068775177,
-0.03622646629810333,
0.013072450645267963,
-0.049180768430233,
0.037945862859487534,
0.22446861863136292,
-0.007410624995827675,
0.02342243120074272,
-0.12659162282943726,
0.011556874960660934,
0.1174011304974556,
0.05557216331362724,
-0.07940759509801865,
-0.060979269444942474,
-0.04059803858399391,
0.01781613565981388,
0.0297382902354002,
-0.019594106823205948,
0.007250387687236071,
0.06505001336336136,
0.005367435980588198,
0.12491437792778015,
0.11821714043617249,
0.02452884241938591,
-0.07694222033023834,
-0.02550659328699112,
0.21479877829551697,
-0.1337009072303772,
-0.008410096168518066,
0.03252113610506058,
-0.03914572671055794,
-0.1107676774263382,
0.055989909917116165,
-0.01151607371866703,
-0.05431843549013138,
0.11369069665670395,
-0.04232555255293846,
-0.08699055016040802,
-0.07940402626991272,
-0.08151175826787949,
0.05252208933234215,
-0.012924001552164555,
-0.05218776315450668,
-0.07005935162305832,
-0.09750360250473022,
-0.08821099996566772,
0.03317887336015701,
-0.07465147972106934,
-0.01736978441476822,
0.022826241329312325,
0.0047286818735301495,
-0.013983557932078838,
-0.01822078786790371,
0.12042705714702606,
-0.06265757232904434,
0.035033758729696274,
-0.01800890825688839,
0.030675195157527924,
0.11295069754123688,
0.029739229008555412,
-0.10952261835336685,
0.08088400214910507,
-0.11690261214971542,
0.0962652787566185,
-0.12691624462604523,
-0.021252047270536423,
-0.11550194770097733,
-0.0047175087966024876,
-0.02157224528491497,
0.05309164896607399,
-0.03188176825642586,
0.08690078556537628,
-0.1978769451379776,
-0.006044112145900726,
0.1687915176153183,
-0.11977294832468033,
-0.06580160558223724,
0.09610260277986526,
-0.04419853910803795,
0.06517361849546432,
0.047707222402095795,
0.10431113839149475,
0.10869168490171432,
-0.08745808899402618,
-0.08645479381084442,
-0.056194696575403214,
-0.024263747036457062,
0.15472179651260376,
0.06582863628864288,
-0.08410303294658661,
0.09271220117807388,
0.03437978774309158,
-0.0099979592487216,
-0.06711551547050476,
-0.008416828699409962,
-0.06150181218981743,
-0.011814592406153679,
-0.06837338954210281,
-0.06454534083604813,
-0.010555214248597622,
-0.06885172426700592,
-0.012478590942919254,
-0.0647408738732338,
-0.0049723414704203606,
0.09682299196720123,
-0.031892627477645874,
0.01325414888560772,
-0.0776149183511734,
0.03577741980552673,
0.013840558007359505,
0.010523458011448383,
-0.21279004216194153,
-0.0708426982164383,
0.03631749376654625,
-0.22395937144756317,
0.052592020481824875,
0.046027109026908875,
0.010554921813309193,
0.05895226448774338,
-0.0014117149403318763,
0.032663505524396896,
0.02805180475115776,
-0.01131059043109417,
-0.012862092815339565,
-0.14738942682743073,
-0.05467461422085762,
-0.08756975829601288,
0.08625533431768417,
-0.14944374561309814,
-0.011556626297533512,
0.06901714205741882,
0.14242292940616608,
0.031327418982982635,
-0.0732099711894989,
0.054377444088459015,
0.022777924314141273,
-0.0400351881980896,
-0.05656201019883156,
0.0019364359322935343,
-0.02681603841483593,
0.03652236610651016,
0.037618305534124374,
-0.17963850498199463,
-0.09737752377986908,
0.07109646499156952,
0.14673306047916412,
-0.060219913721084595,
-0.07238898426294327,
-0.05998853221535683,
-0.05470031127333641,
-0.08719023317098618,
-0.07137323915958405,
0.06382621824741364,
0.09194768220186234,
0.04940227046608925,
-0.0776563510298729,
-0.04442087188363075,
0.011523222550749779,
0.052260518074035645,
-0.06217246875166893,
0.1260971873998642,
0.07449951022863388,
-0.07915350794792175,
0.10852297395467758,
-0.064108707010746,
0.10105875134468079,
0.09257451444864273,
0.02842283435165882,
-0.10521495342254639,
0.0055524129420518875,
0.06548642367124557,
0.05913577973842621,
0.07026457786560059,
-0.029891418293118477,
0.0348699726164341,
0.08606506139039993,
-0.0023627562914043665,
0.03982656076550484,
-0.0666065365076065,
0.023326024413108826,
0.02982182800769806,
0.001859562355093658,
0.01182648167014122,
0.01025056280195713,
0.019334910437464714,
0.08864223212003708,
0.02317204885184765,
0.07894802838563919,
-0.031751666218042374,
-0.054386530071496964,
-0.10637889802455902,
0.13907188177108765,
-0.07452456653118134,
-0.2557012140750885,
-0.16524367034435272,
-0.06259045749902725,
-0.0316193625330925,
-0.004314383026212454,
0.06039413809776306,
-0.0024539672303944826,
-0.1026422381401062,
-0.11592064797878265,
0.058276429772377014,
0.04546237736940384,
-0.1417340189218521,
-0.036746520549058914,
0.04946546629071236,
-0.014448975212872028,
-0.1688305139541626,
0.042491573840379715,
0.0443800687789917,
-0.061061207205057144,
0.0035749045200645924,
0.04997192323207855,
0.11018636077642441,
0.09410639107227325,
0.08699104934930801,
-0.02442731149494648,
-0.015466228127479553,
0.17034927010536194,
-0.10875891149044037,
0.026194177567958832,
0.11123606562614441,
-0.03983486443758011,
0.0637088194489479,
0.14849036931991577,
0.01357086468487978,
-0.08689339458942413,
0.05324602499604225,
0.0952659547328949,
-0.06930970400571823,
-0.24644416570663452,
-0.11881119757890701,
-0.03102446347475052,
0.048596277832984924,
0.11851060390472412,
0.06071435287594795,
0.015419675037264824,
0.00764069939032197,
-0.12219720333814621,
-0.025047175586223602,
-0.04069133847951889,
0.07012393325567245,
0.03299589082598686,
-0.013231677003204823,
0.04028812795877457,
-0.04518900066614151,
0.013222761452198029,
0.12804153561592102,
0.04278811439871788,
0.15500661730766296,
-0.029696024954319,
0.19200368225574493,
0.08814293891191483,
0.06287527829408646,
-0.03193706274032593,
0.0433051735162735,
-0.020591067150235176,
0.0598137304186821,
-0.02737588621675968,
-0.10397516191005707,
-0.043365899473428726,
0.09602726995944977,
0.028702611103653908,
-0.07400554418563843,
0.03319436311721802,
-0.10312103480100632,
0.029775507748126984,
0.21586866676807404,
-0.022930370643734932,
-0.11128510534763336,
-0.06069939583539963,
0.06308023631572723,
-0.035464171320199966,
-0.0893981084227562,
-0.005485591012984514,
0.09987647831439972,
-0.14902593195438385,
0.002434391062706709,
-0.038797859102487564,
0.08090810477733612,
-0.11605185270309448,
-0.021122615784406662,
-0.04322218522429466,
0.02310558781027794,
-0.0067064655013382435,
0.11051705479621887,
-0.13559116423130035,
0.09389794617891312,
-0.010889958590269089,
0.017109401524066925,
-0.09946607053279877,
0.05023202672600746,
-0.03369627892971039,
-0.05962257459759712,
0.12690670788288116,
-0.00640993844717741,
-0.09825755655765533,
-0.06638879328966141,
-0.10450025647878647,
-0.015889009460806847,
0.04740843549370766,
-0.10685590654611588,
0.11182597279548645,
0.03057422675192356,
-0.02493860200047493,
-0.03949607536196709,
-0.013233308680355549,
-0.10869413614273071,
-0.237424835562706,
0.09872607886791229,
-0.1409878432750702,
0.036966096609830856,
-0.06478258222341537,
-0.05077378451824188,
-0.04775108024477959,
0.12636803090572357,
-0.11762164533138275,
-0.04798965901136398,
-0.10302407294511795,
-0.024438858032226562,
0.16526761651039124,
-0.04878545552492142,
0.05733580142259598,
-0.03220406174659729,
0.17921626567840576,
-0.038539376109838486,
-0.044296059757471085,
0.0033084151800721884,
-0.0935034230351448,
-0.19949805736541748,
-0.05196569114923477,
0.10586053878068924,
0.0832909569144249,
0.0262946467846632,
-0.007013562135398388,
0.016520975157618523,
0.01596207357943058,
-0.09949805587530136,
0.017348382622003555,
0.11845596134662628,
0.13200177252292633,
0.04665061831474304,
-0.0332757942378521,
-0.11987140029668808,
-0.10249777883291245,
-0.11500213295221329,
0.04853842034935951,
0.18361994624137878,
-0.06301435828208923,
0.1678960919380188,
0.15544001758098602,
-0.09374909102916718,
-0.19023144245147705,
-0.061892636120319366,
0.01573839783668518,
-0.020692570134997368,
0.13522888720035553,
-0.19942983984947205,
0.05363111197948456,
0.08257230371236801,
-0.0296331774443388,
0.10710741579532623,
-0.2783910632133484,
-0.13177794218063354,
0.037007126957178116,
0.053201377391815186,
-0.20628802478313446,
-0.17692312598228455,
-0.10141994804143906,
-0.03074982389807701,
-0.15232950448989868,
0.15101511776447296,
-0.0034811345394700766,
0.030813373625278473,
-0.0192099679261446,
0.07485152035951614,
0.04943259805440903,
-0.07007697969675064,
0.13578379154205322,
-0.02422940544784069,
0.027096537873148918,
-0.09874724596738815,
-0.03782040998339653,
-0.01164463721215725,
-0.0417671799659729,
0.0640106275677681,
0.016444971784949303,
0.04582003504037857,
-0.09840299189090729,
-0.03413962200284004,
-0.07134900242090225,
0.046212680637836456,
-0.07440642267465591,
-0.0469917468726635,
-0.08171158283948898,
0.09279309958219528,
0.07760045677423477,
-0.00034606317058205605,
0.03465816006064415,
-0.06262525171041489,
0.04370421543717384,
0.21331574022769928,
0.09289394319057465,
0.05554728955030441,
-0.07298650592565536,
-0.045898061245679855,
-0.015937017276883125,
0.0011892979964613914,
-0.09187845140695572,
0.0443546399474144,
0.08094242215156555,
0.04463867098093033,
0.09126613289117813,
-0.026889845728874207,
-0.1797732561826706,
-0.0012998204911127687,
0.07162883877754211,
-0.08915713429450989,
-0.18214422464370728,
0.04379876330494881,
0.13487033545970917,
-0.1361747831106186,
-0.0829961746931076,
0.08647370338439941,
0.022819695994257927,
-0.04031653702259064,
-0.007191811688244343,
0.07278672605752945,
0.051666367799043655,
0.0977826938033104,
0.008245427161455154,
0.04533731937408447,
-0.06997306644916534,
0.078586146235466,
0.14497777819633484,
-0.10743024200201035,
0.0064227706752717495,
0.03964750096201897,
-0.04568549990653992,
-0.07054609060287476,
-0.009538594633340836,
0.03805331140756607,
0.01177371758967638,
-0.031056933104991913,
0.016834333539009094,
-0.03903276473283768,
0.06817310303449631,
0.15965327620506287,
-0.004785825964063406,
0.04704104736447334,
0.015167769975960255,
0.0010090273572131991,
-0.051186464726924896,
0.09001445025205612,
0.02566220983862877,
0.04501883313059807,
-0.032137103378772736,
0.04118652641773224,
0.02269148640334606,
-0.035188015550374985,
0.02068653702735901,
-0.05123991519212723,
-0.0881105288863182,
0.004008496645838022,
-0.18110446631908417,
0.06598392874002457,
-0.07555194199085236,
0.00563016626983881,
-0.009287235327064991,
-0.015685712918639183,
-0.0044500804506242275,
0.0008711638511158526,
-0.07787305116653442,
-0.0316087007522583,
-0.05251322686672211,
0.14368335902690887,
-0.18400898575782776,
0.0024703703820705414,
0.08543679863214493,
-0.06992421299219131,
0.057928700000047684,
-0.011501988396048546,
-0.014992854557931423,
0.024209698662161827,
-0.11038339883089066,
0.005288140848278999,
-0.03005368262529373,
0.06307142227888107,
0.017646199092268944,
-0.13678167760372162,
-0.01348639465868473,
-0.0013545021647587419,
-0.07587876170873642,
-0.008167095482349396,
0.03216010704636574,
-0.14817935228347778,
0.07288764417171478,
0.09463648498058319,
-0.05667521432042122,
-0.04212525859475136,
0.048994146287441254,
0.055248185992240906,
-0.006106029264628887,
0.09635794907808304,
-0.012546287849545479,
0.033335477113723755,
-0.1524190455675125,
-0.04453647881746292,
0.004517136607319117,
0.012503690086305141,
0.03760397061705589,
0.01479506678879261,
0.021373039111495018,
0.016137950122356415,
0.24096934497356415,
-0.009569481946527958,
0.023782879114151,
0.012320354580879211,
-0.029049735516309738,
-0.02977594919502735,
0.03063090331852436,
0.018448123708367348,
-0.0006063387845642865,
0.03490166366100311,
0.017533116042613983,
-0.03548179939389229,
-0.060414839535951614,
0.0024213839787989855,
0.0819876417517662,
0.14308741688728333,
0.15524844825267792,
-0.03768577054142952,
0.062325987964868546,
-0.16292959451675415,
-0.051499851047992706,
0.012327543459832668,
-0.03749833628535271,
0.04972786456346512,
-0.08184628188610077,
0.06963475793600082,
0.08347466588020325,
-0.10230255126953125,
0.15128451585769653,
-0.060537323355674744,
-0.017672261223196983,
-0.036569446325302124,
-0.17597804963588715,
-0.033998873084783554,
0.03413841128349304,
-0.005801619961857796,
-0.0903557762503624,
0.11843454837799072,
0.11991599202156067,
-0.00673954701051116,
-0.0009422471048310399,
0.07181527465581894,
-0.08488434553146362,
-0.051785338670015335,
-0.03942161425948143,
0.002949819201603532,
0.01907343789935112,
-0.003139707027003169,
0.05962728336453438,
0.012468983419239521,
0.062366142868995667,
0.07075141370296478,
0.10264664143323898,
0.03393092378973961,
0.006951135117560625,
-0.03950824588537216,
-0.048721298575401306,
0.0013048789696767926,
-0.026356561109423637,
-0.04636036977171898,
0.22813600301742554,
0.052694667130708694,
0.012498380616307259,
0.022152872756123543,
0.2118220329284668,
-0.01111623551696539,
-0.060414645820856094,
-0.12405046820640564,
0.17053255438804626,
-0.0032306022476404905,
0.02986091747879982,
0.02716849558055401,
-0.1070556491613388,
0.014510293491184711,
0.16997693479061127,
0.0975838229060173,
0.030876828357577324,
0.009716817177832127,
0.040493980050086975,
0.0251145139336586,
-0.025173891335725784,
0.05844981595873833,
0.029216809198260307,
0.25410401821136475,
-0.04636533930897713,
0.08870260417461395,
-0.0014576348476111889,
0.00929159577935934,
-0.04333078861236572,
0.12076098471879959,
-0.046876486390829086,
0.01659010723233223,
-0.07079454511404037,
0.08688341081142426,
-0.06290024518966675,
-0.2569827437400818,
-0.012940368615090847,
-0.08312034606933594,
-0.14025603234767914,
-0.009599214419722557,
0.014738586731255054,
-0.019666416570544243,
0.0568695068359375,
0.033130668103694916,
-0.02408258616924286,
0.16284699738025665,
0.004261621739715338,
-0.06541519612073898,
-0.08372840285301208,
0.06766154617071152,
-0.048304252326488495,
0.2908532917499542,
-0.003963609226047993,
0.05460739880800247,
0.09031456708908081,
-0.022791577503085136,
-0.12952058017253876,
0.022279279306530952,
0.08189773559570312,
-0.05931040644645691,
0.047156769782304764,
0.15842369198799133,
-0.03616784140467644,
0.15202391147613525,
0.03227061405777931,
-0.03512783348560333,
0.07547865808010101,
0.08850733190774918,
0.04805887117981911,
-0.09016476571559906,
0.07256148755550385,
-0.09788596630096436,
0.12954823672771454,
0.11046865582466125,
-0.011998123489320278,
-0.002884767483919859,
-0.051486000418663025,
0.0702010840177536,
-0.03714479133486748,
0.1449500322341919,
-0.018083756789565086,
-0.1575435847043991,
0.03691957890987396,
0.003058989532291889,
0.06596526503562927,
-0.24257290363311768,
-0.050809890031814575,
0.09305605292320251,
-0.043865446001291275,
0.008918671868741512,
0.07679935544729233,
0.030297350138425827,
0.023280654102563858,
-0.05141708627343178,
-0.14016307890415192,
0.016585564240813255,
0.12622646987438202,
-0.06892883032560349,
-0.03586791455745697
] |
99cdf17ce9b89e217dc48bce370955ef5b1badad |
# Dataset of emanuele_pessagno/エマヌエーレ・ペッサーニョ/埃曼努埃尔·佩萨格诺 (Azur Lane)
This is the dataset of emanuele_pessagno/エマヌエーレ・ペッサーニョ/埃曼努埃尔·佩萨格诺 (Azur Lane), containing 13 images and their tags.
The core tags of this character are `long_hair, pink_hair, breasts, pink_eyes, bangs, hairband, hair_between_eyes, large_breasts, purple_eyes, ahoge, bow, very_long_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 13 | 21.48 MiB | [Download](https://huggingface.co/datasets/CyberHarem/emanuele_pessagno_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 13 | 10.89 MiB | [Download](https://huggingface.co/datasets/CyberHarem/emanuele_pessagno_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 28 | 21.63 MiB | [Download](https://huggingface.co/datasets/CyberHarem/emanuele_pessagno_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 13 | 18.53 MiB | [Download](https://huggingface.co/datasets/CyberHarem/emanuele_pessagno_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 28 | 32.32 MiB | [Download](https://huggingface.co/datasets/CyberHarem/emanuele_pessagno_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/emanuele_pessagno_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, looking_at_viewer, blush, cleavage, frills, long_sleeves, white_dress |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | looking_at_viewer | blush | cleavage | frills | long_sleeves | white_dress |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:--------------------|:--------|:-----------|:---------|:---------------|:--------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X |
| CyberHarem/emanuele_pessagno_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T10:32:05+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:35:28+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of emanuele\_pessagno/エマヌエーレ・ペッサーニョ/埃曼努埃尔·佩萨格诺 (Azur Lane)
==================================================================
This is the dataset of emanuele\_pessagno/エマヌエーレ・ペッサーニョ/埃曼努埃尔·佩萨格诺 (Azur Lane), containing 13 images and their tags.
The core tags of this character are 'long\_hair, pink\_hair, breasts, pink\_eyes, bangs, hairband, hair\_between\_eyes, large\_breasts, purple\_eyes, ahoge, bow, very\_long\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
bd1926e07818a06bc46e711a2dcfc39bd7d5932f |
# Dataset of u_410/U-410 (Azur Lane)
This is the dataset of u_410/U-410 (Azur Lane), containing 13 images and their tags.
The core tags of this character are `breasts, grey_hair, red_eyes, long_hair, medium_breasts, mole, mole_under_eye, bangs, large_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 13 | 20.54 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_410_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 13 | 12.25 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_410_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 31 | 23.79 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_410_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 13 | 18.62 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_410_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 31 | 33.87 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_410_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/u_410_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, 1girl, bare_shoulders, solo, black_one-piece_swimsuit, iron_cross, red_gloves, underboob, choker, leg_tattoo, smile, thighs, cross_necklace, holding, simple_background, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | 1girl | bare_shoulders | solo | black_one-piece_swimsuit | iron_cross | red_gloves | underboob | choker | leg_tattoo | smile | thighs | cross_necklace | holding | simple_background | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:--------|:-----------------|:-------|:---------------------------|:-------------|:-------------|:------------|:---------|:-------------|:--------|:---------|:-----------------|:----------|:--------------------|:-------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/u_410_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T10:32:09+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T10:36:36+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of u\_410/U-410 (Azur Lane)
===================================
This is the dataset of u\_410/U-410 (Azur Lane), containing 13 images and their tags.
The core tags of this character are 'breasts, grey\_hair, red\_eyes, long\_hair, medium\_breasts, mole, mole\_under\_eye, bangs, large\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
25c2673f71080904fb3d71e0c58a562db21cef29 |
# Dataset Card for Evaluation run of macadeliccc/Orca-SOLAR-4x10.7b
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [macadeliccc/Orca-SOLAR-4x10.7b](https://huggingface.co/macadeliccc/Orca-SOLAR-4x10.7b) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_macadeliccc__Orca-SOLAR-4x10.7b",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T10:39:27.836739](https://huggingface.co/datasets/open-llm-leaderboard/details_macadeliccc__Orca-SOLAR-4x10.7b/blob/main/results_2024-01-14T10-39-27.836739.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.673209053846357,
"acc_stderr": 0.03136589520436306,
"acc_norm": 0.6739418750343522,
"acc_norm_stderr": 0.032009470403028546,
"mc1": 0.48225214198286415,
"mc1_stderr": 0.017492470843075356,
"mc2": 0.6453861832315595,
"mc2_stderr": 0.015356815946066372
},
"harness|arc:challenge|25": {
"acc": 0.6527303754266212,
"acc_stderr": 0.013913034529620455,
"acc_norm": 0.6851535836177475,
"acc_norm_stderr": 0.013572657703084948
},
"harness|hellaswag|10": {
"acc": 0.6820354511053575,
"acc_stderr": 0.004647338877642187,
"acc_norm": 0.867755427205736,
"acc_norm_stderr": 0.0033806414709899313
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.36,
"acc_stderr": 0.04824181513244218,
"acc_norm": 0.36,
"acc_norm_stderr": 0.04824181513244218
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.5703703703703704,
"acc_stderr": 0.042763494943765995,
"acc_norm": 0.5703703703703704,
"acc_norm_stderr": 0.042763494943765995
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.75,
"acc_stderr": 0.03523807393012047,
"acc_norm": 0.75,
"acc_norm_stderr": 0.03523807393012047
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.77,
"acc_stderr": 0.04229525846816505,
"acc_norm": 0.77,
"acc_norm_stderr": 0.04229525846816505
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.6943396226415094,
"acc_stderr": 0.028353298073322666,
"acc_norm": 0.6943396226415094,
"acc_norm_stderr": 0.028353298073322666
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.75,
"acc_stderr": 0.03621034121889507,
"acc_norm": 0.75,
"acc_norm_stderr": 0.03621034121889507
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.49,
"acc_stderr": 0.05024183937956911,
"acc_norm": 0.49,
"acc_norm_stderr": 0.05024183937956911
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.47,
"acc_stderr": 0.050161355804659205,
"acc_norm": 0.47,
"acc_norm_stderr": 0.050161355804659205
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.4,
"acc_stderr": 0.049236596391733084,
"acc_norm": 0.4,
"acc_norm_stderr": 0.049236596391733084
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6589595375722543,
"acc_stderr": 0.03614665424180826,
"acc_norm": 0.6589595375722543,
"acc_norm_stderr": 0.03614665424180826
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.4019607843137255,
"acc_stderr": 0.048786087144669955,
"acc_norm": 0.4019607843137255,
"acc_norm_stderr": 0.048786087144669955
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.74,
"acc_stderr": 0.04408440022768079,
"acc_norm": 0.74,
"acc_norm_stderr": 0.04408440022768079
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.6382978723404256,
"acc_stderr": 0.03141082197596239,
"acc_norm": 0.6382978723404256,
"acc_norm_stderr": 0.03141082197596239
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.5175438596491229,
"acc_stderr": 0.04700708033551038,
"acc_norm": 0.5175438596491229,
"acc_norm_stderr": 0.04700708033551038
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5793103448275863,
"acc_stderr": 0.0411391498118926,
"acc_norm": 0.5793103448275863,
"acc_norm_stderr": 0.0411391498118926
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.47619047619047616,
"acc_stderr": 0.025722097064388535,
"acc_norm": 0.47619047619047616,
"acc_norm_stderr": 0.025722097064388535
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.4603174603174603,
"acc_stderr": 0.04458029125470973,
"acc_norm": 0.4603174603174603,
"acc_norm_stderr": 0.04458029125470973
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.37,
"acc_stderr": 0.048523658709391,
"acc_norm": 0.37,
"acc_norm_stderr": 0.048523658709391
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.8161290322580645,
"acc_stderr": 0.02203721734026784,
"acc_norm": 0.8161290322580645,
"acc_norm_stderr": 0.02203721734026784
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5320197044334976,
"acc_stderr": 0.03510766597959215,
"acc_norm": 0.5320197044334976,
"acc_norm_stderr": 0.03510766597959215
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.73,
"acc_stderr": 0.044619604333847394,
"acc_norm": 0.73,
"acc_norm_stderr": 0.044619604333847394
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.8424242424242424,
"acc_stderr": 0.028450388805284336,
"acc_norm": 0.8424242424242424,
"acc_norm_stderr": 0.028450388805284336
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.8636363636363636,
"acc_stderr": 0.024450155973189835,
"acc_norm": 0.8636363636363636,
"acc_norm_stderr": 0.024450155973189835
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9067357512953368,
"acc_stderr": 0.02098685459328972,
"acc_norm": 0.9067357512953368,
"acc_norm_stderr": 0.02098685459328972
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.676923076923077,
"acc_stderr": 0.023710888501970562,
"acc_norm": 0.676923076923077,
"acc_norm_stderr": 0.023710888501970562
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.337037037037037,
"acc_stderr": 0.028820884666253255,
"acc_norm": 0.337037037037037,
"acc_norm_stderr": 0.028820884666253255
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.7016806722689075,
"acc_stderr": 0.029719142876342856,
"acc_norm": 0.7016806722689075,
"acc_norm_stderr": 0.029719142876342856
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.3509933774834437,
"acc_stderr": 0.03896981964257375,
"acc_norm": 0.3509933774834437,
"acc_norm_stderr": 0.03896981964257375
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8385321100917431,
"acc_stderr": 0.015776239256163248,
"acc_norm": 0.8385321100917431,
"acc_norm_stderr": 0.015776239256163248
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5648148148148148,
"acc_stderr": 0.033812000056435254,
"acc_norm": 0.5648148148148148,
"acc_norm_stderr": 0.033812000056435254
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8676470588235294,
"acc_stderr": 0.023784297520918856,
"acc_norm": 0.8676470588235294,
"acc_norm_stderr": 0.023784297520918856
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.8607594936708861,
"acc_stderr": 0.022535526352692705,
"acc_norm": 0.8607594936708861,
"acc_norm_stderr": 0.022535526352692705
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7399103139013453,
"acc_stderr": 0.029442495585857476,
"acc_norm": 0.7399103139013453,
"acc_norm_stderr": 0.029442495585857476
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7709923664122137,
"acc_stderr": 0.036853466317118506,
"acc_norm": 0.7709923664122137,
"acc_norm_stderr": 0.036853466317118506
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.8099173553719008,
"acc_stderr": 0.03581796951709282,
"acc_norm": 0.8099173553719008,
"acc_norm_stderr": 0.03581796951709282
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.8148148148148148,
"acc_stderr": 0.03755265865037181,
"acc_norm": 0.8148148148148148,
"acc_norm_stderr": 0.03755265865037181
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.754601226993865,
"acc_stderr": 0.03380939813943354,
"acc_norm": 0.754601226993865,
"acc_norm_stderr": 0.03380939813943354
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.49107142857142855,
"acc_stderr": 0.04745033255489123,
"acc_norm": 0.49107142857142855,
"acc_norm_stderr": 0.04745033255489123
},
"harness|hendrycksTest-management|5": {
"acc": 0.8155339805825242,
"acc_stderr": 0.03840423627288276,
"acc_norm": 0.8155339805825242,
"acc_norm_stderr": 0.03840423627288276
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8803418803418803,
"acc_stderr": 0.021262719400406964,
"acc_norm": 0.8803418803418803,
"acc_norm_stderr": 0.021262719400406964
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.75,
"acc_stderr": 0.04351941398892446,
"acc_norm": 0.75,
"acc_norm_stderr": 0.04351941398892446
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8288633461047255,
"acc_stderr": 0.0134682016140663,
"acc_norm": 0.8288633461047255,
"acc_norm_stderr": 0.0134682016140663
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7369942196531792,
"acc_stderr": 0.02370309952525817,
"acc_norm": 0.7369942196531792,
"acc_norm_stderr": 0.02370309952525817
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.4212290502793296,
"acc_stderr": 0.016513676031179595,
"acc_norm": 0.4212290502793296,
"acc_norm_stderr": 0.016513676031179595
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7973856209150327,
"acc_stderr": 0.02301544687798568,
"acc_norm": 0.7973856209150327,
"acc_norm_stderr": 0.02301544687798568
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7138263665594855,
"acc_stderr": 0.02567025924218894,
"acc_norm": 0.7138263665594855,
"acc_norm_stderr": 0.02567025924218894
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7839506172839507,
"acc_stderr": 0.022899162918445806,
"acc_norm": 0.7839506172839507,
"acc_norm_stderr": 0.022899162918445806
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.5070921985815603,
"acc_stderr": 0.02982449855912901,
"acc_norm": 0.5070921985815603,
"acc_norm_stderr": 0.02982449855912901
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.5058670143415906,
"acc_stderr": 0.012769356925216526,
"acc_norm": 0.5058670143415906,
"acc_norm_stderr": 0.012769356925216526
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.7536764705882353,
"acc_stderr": 0.02617343857052,
"acc_norm": 0.7536764705882353,
"acc_norm_stderr": 0.02617343857052
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.7009803921568627,
"acc_stderr": 0.018521756215423027,
"acc_norm": 0.7009803921568627,
"acc_norm_stderr": 0.018521756215423027
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.7181818181818181,
"acc_stderr": 0.043091187099464585,
"acc_norm": 0.7181818181818181,
"acc_norm_stderr": 0.043091187099464585
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7877551020408163,
"acc_stderr": 0.026176967197866764,
"acc_norm": 0.7877551020408163,
"acc_norm_stderr": 0.026176967197866764
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8507462686567164,
"acc_stderr": 0.02519692987482706,
"acc_norm": 0.8507462686567164,
"acc_norm_stderr": 0.02519692987482706
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.91,
"acc_stderr": 0.028762349126466108,
"acc_norm": 0.91,
"acc_norm_stderr": 0.028762349126466108
},
"harness|hendrycksTest-virology|5": {
"acc": 0.572289156626506,
"acc_stderr": 0.03851597683718533,
"acc_norm": 0.572289156626506,
"acc_norm_stderr": 0.03851597683718533
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8070175438596491,
"acc_stderr": 0.030267457554898458,
"acc_norm": 0.8070175438596491,
"acc_norm_stderr": 0.030267457554898458
},
"harness|truthfulqa:mc|0": {
"mc1": 0.48225214198286415,
"mc1_stderr": 0.017492470843075356,
"mc2": 0.6453861832315595,
"mc2_stderr": 0.015356815946066372
},
"harness|winogrande|5": {
"acc": 0.8389897395422258,
"acc_stderr": 0.010329712832785718
},
"harness|gsm8k|5": {
"acc": 0.6823351023502654,
"acc_stderr": 0.01282406662148884
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_macadeliccc__Orca-SOLAR-4x10.7b | [
"region:us"
] | 2024-01-14T10:41:42+00:00 | {"pretty_name": "Evaluation run of macadeliccc/Orca-SOLAR-4x10.7b", "dataset_summary": "Dataset automatically created during the evaluation run of model [macadeliccc/Orca-SOLAR-4x10.7b](https://huggingface.co/macadeliccc/Orca-SOLAR-4x10.7b) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_macadeliccc__Orca-SOLAR-4x10.7b\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T10:39:27.836739](https://huggingface.co/datasets/open-llm-leaderboard/details_macadeliccc__Orca-SOLAR-4x10.7b/blob/main/results_2024-01-14T10-39-27.836739.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.673209053846357,\n \"acc_stderr\": 0.03136589520436306,\n \"acc_norm\": 0.6739418750343522,\n \"acc_norm_stderr\": 0.032009470403028546,\n \"mc1\": 0.48225214198286415,\n \"mc1_stderr\": 0.017492470843075356,\n \"mc2\": 0.6453861832315595,\n \"mc2_stderr\": 0.015356815946066372\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6527303754266212,\n \"acc_stderr\": 0.013913034529620455,\n \"acc_norm\": 0.6851535836177475,\n \"acc_norm_stderr\": 0.013572657703084948\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6820354511053575,\n \"acc_stderr\": 0.004647338877642187,\n \"acc_norm\": 0.867755427205736,\n \"acc_norm_stderr\": 0.0033806414709899313\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.36,\n \"acc_stderr\": 0.04824181513244218,\n \"acc_norm\": 0.36,\n \"acc_norm_stderr\": 0.04824181513244218\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.5703703703703704,\n \"acc_stderr\": 0.042763494943765995,\n \"acc_norm\": 0.5703703703703704,\n \"acc_norm_stderr\": 0.042763494943765995\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.03523807393012047,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.03523807393012047\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.77,\n \"acc_stderr\": 0.04229525846816505,\n \"acc_norm\": 0.77,\n \"acc_norm_stderr\": 0.04229525846816505\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.6943396226415094,\n \"acc_stderr\": 0.028353298073322666,\n \"acc_norm\": 0.6943396226415094,\n \"acc_norm_stderr\": 0.028353298073322666\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.03621034121889507,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.03621034121889507\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.49,\n \"acc_stderr\": 0.05024183937956911,\n \"acc_norm\": 0.49,\n \"acc_norm_stderr\": 0.05024183937956911\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.47,\n \"acc_stderr\": 0.050161355804659205,\n \"acc_norm\": 0.47,\n \"acc_norm_stderr\": 0.050161355804659205\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.4,\n \"acc_stderr\": 0.049236596391733084,\n \"acc_norm\": 0.4,\n \"acc_norm_stderr\": 0.049236596391733084\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6589595375722543,\n \"acc_stderr\": 0.03614665424180826,\n \"acc_norm\": 0.6589595375722543,\n \"acc_norm_stderr\": 0.03614665424180826\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.4019607843137255,\n \"acc_stderr\": 0.048786087144669955,\n \"acc_norm\": 0.4019607843137255,\n \"acc_norm_stderr\": 0.048786087144669955\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.74,\n \"acc_stderr\": 0.04408440022768079,\n \"acc_norm\": 0.74,\n \"acc_norm_stderr\": 0.04408440022768079\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.6382978723404256,\n \"acc_stderr\": 0.03141082197596239,\n \"acc_norm\": 0.6382978723404256,\n \"acc_norm_stderr\": 0.03141082197596239\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.5175438596491229,\n \"acc_stderr\": 0.04700708033551038,\n \"acc_norm\": 0.5175438596491229,\n \"acc_norm_stderr\": 0.04700708033551038\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5793103448275863,\n \"acc_stderr\": 0.0411391498118926,\n \"acc_norm\": 0.5793103448275863,\n \"acc_norm_stderr\": 0.0411391498118926\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.47619047619047616,\n \"acc_stderr\": 0.025722097064388535,\n \"acc_norm\": 0.47619047619047616,\n \"acc_norm_stderr\": 0.025722097064388535\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.4603174603174603,\n \"acc_stderr\": 0.04458029125470973,\n \"acc_norm\": 0.4603174603174603,\n \"acc_norm_stderr\": 0.04458029125470973\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.37,\n \"acc_stderr\": 0.048523658709391,\n \"acc_norm\": 0.37,\n \"acc_norm_stderr\": 0.048523658709391\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.8161290322580645,\n \"acc_stderr\": 0.02203721734026784,\n \"acc_norm\": 0.8161290322580645,\n \"acc_norm_stderr\": 0.02203721734026784\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5320197044334976,\n \"acc_stderr\": 0.03510766597959215,\n \"acc_norm\": 0.5320197044334976,\n \"acc_norm_stderr\": 0.03510766597959215\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.73,\n \"acc_stderr\": 0.044619604333847394,\n \"acc_norm\": 0.73,\n \"acc_norm_stderr\": 0.044619604333847394\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.8424242424242424,\n \"acc_stderr\": 0.028450388805284336,\n \"acc_norm\": 0.8424242424242424,\n \"acc_norm_stderr\": 0.028450388805284336\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.8636363636363636,\n \"acc_stderr\": 0.024450155973189835,\n \"acc_norm\": 0.8636363636363636,\n \"acc_norm_stderr\": 0.024450155973189835\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9067357512953368,\n \"acc_stderr\": 0.02098685459328972,\n \"acc_norm\": 0.9067357512953368,\n \"acc_norm_stderr\": 0.02098685459328972\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.676923076923077,\n \"acc_stderr\": 0.023710888501970562,\n \"acc_norm\": 0.676923076923077,\n \"acc_norm_stderr\": 0.023710888501970562\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.337037037037037,\n \"acc_stderr\": 0.028820884666253255,\n \"acc_norm\": 0.337037037037037,\n \"acc_norm_stderr\": 0.028820884666253255\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.7016806722689075,\n \"acc_stderr\": 0.029719142876342856,\n \"acc_norm\": 0.7016806722689075,\n \"acc_norm_stderr\": 0.029719142876342856\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.3509933774834437,\n \"acc_stderr\": 0.03896981964257375,\n \"acc_norm\": 0.3509933774834437,\n \"acc_norm_stderr\": 0.03896981964257375\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8385321100917431,\n \"acc_stderr\": 0.015776239256163248,\n \"acc_norm\": 0.8385321100917431,\n \"acc_norm_stderr\": 0.015776239256163248\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5648148148148148,\n \"acc_stderr\": 0.033812000056435254,\n \"acc_norm\": 0.5648148148148148,\n \"acc_norm_stderr\": 0.033812000056435254\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8676470588235294,\n \"acc_stderr\": 0.023784297520918856,\n \"acc_norm\": 0.8676470588235294,\n \"acc_norm_stderr\": 0.023784297520918856\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.8607594936708861,\n \"acc_stderr\": 0.022535526352692705,\n \"acc_norm\": 0.8607594936708861,\n \"acc_norm_stderr\": 0.022535526352692705\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7399103139013453,\n \"acc_stderr\": 0.029442495585857476,\n \"acc_norm\": 0.7399103139013453,\n \"acc_norm_stderr\": 0.029442495585857476\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7709923664122137,\n \"acc_stderr\": 0.036853466317118506,\n \"acc_norm\": 0.7709923664122137,\n \"acc_norm_stderr\": 0.036853466317118506\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.8099173553719008,\n \"acc_stderr\": 0.03581796951709282,\n \"acc_norm\": 0.8099173553719008,\n \"acc_norm_stderr\": 0.03581796951709282\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.8148148148148148,\n \"acc_stderr\": 0.03755265865037181,\n \"acc_norm\": 0.8148148148148148,\n \"acc_norm_stderr\": 0.03755265865037181\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.754601226993865,\n \"acc_stderr\": 0.03380939813943354,\n \"acc_norm\": 0.754601226993865,\n \"acc_norm_stderr\": 0.03380939813943354\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.49107142857142855,\n \"acc_stderr\": 0.04745033255489123,\n \"acc_norm\": 0.49107142857142855,\n \"acc_norm_stderr\": 0.04745033255489123\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8155339805825242,\n \"acc_stderr\": 0.03840423627288276,\n \"acc_norm\": 0.8155339805825242,\n \"acc_norm_stderr\": 0.03840423627288276\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8803418803418803,\n \"acc_stderr\": 0.021262719400406964,\n \"acc_norm\": 0.8803418803418803,\n \"acc_norm_stderr\": 0.021262719400406964\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.04351941398892446,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.04351941398892446\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8288633461047255,\n \"acc_stderr\": 0.0134682016140663,\n \"acc_norm\": 0.8288633461047255,\n \"acc_norm_stderr\": 0.0134682016140663\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7369942196531792,\n \"acc_stderr\": 0.02370309952525817,\n \"acc_norm\": 0.7369942196531792,\n \"acc_norm_stderr\": 0.02370309952525817\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.4212290502793296,\n \"acc_stderr\": 0.016513676031179595,\n \"acc_norm\": 0.4212290502793296,\n \"acc_norm_stderr\": 0.016513676031179595\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7973856209150327,\n \"acc_stderr\": 0.02301544687798568,\n \"acc_norm\": 0.7973856209150327,\n \"acc_norm_stderr\": 0.02301544687798568\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7138263665594855,\n \"acc_stderr\": 0.02567025924218894,\n \"acc_norm\": 0.7138263665594855,\n \"acc_norm_stderr\": 0.02567025924218894\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7839506172839507,\n \"acc_stderr\": 0.022899162918445806,\n \"acc_norm\": 0.7839506172839507,\n \"acc_norm_stderr\": 0.022899162918445806\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.5070921985815603,\n \"acc_stderr\": 0.02982449855912901,\n \"acc_norm\": 0.5070921985815603,\n \"acc_norm_stderr\": 0.02982449855912901\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.5058670143415906,\n \"acc_stderr\": 0.012769356925216526,\n \"acc_norm\": 0.5058670143415906,\n \"acc_norm_stderr\": 0.012769356925216526\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.7536764705882353,\n \"acc_stderr\": 0.02617343857052,\n \"acc_norm\": 0.7536764705882353,\n \"acc_norm_stderr\": 0.02617343857052\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.7009803921568627,\n \"acc_stderr\": 0.018521756215423027,\n \"acc_norm\": 0.7009803921568627,\n \"acc_norm_stderr\": 0.018521756215423027\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.7181818181818181,\n \"acc_stderr\": 0.043091187099464585,\n \"acc_norm\": 0.7181818181818181,\n \"acc_norm_stderr\": 0.043091187099464585\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7877551020408163,\n \"acc_stderr\": 0.026176967197866764,\n \"acc_norm\": 0.7877551020408163,\n \"acc_norm_stderr\": 0.026176967197866764\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8507462686567164,\n \"acc_stderr\": 0.02519692987482706,\n \"acc_norm\": 0.8507462686567164,\n \"acc_norm_stderr\": 0.02519692987482706\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.91,\n \"acc_stderr\": 0.028762349126466108,\n \"acc_norm\": 0.91,\n \"acc_norm_stderr\": 0.028762349126466108\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.572289156626506,\n \"acc_stderr\": 0.03851597683718533,\n \"acc_norm\": 0.572289156626506,\n \"acc_norm_stderr\": 0.03851597683718533\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8070175438596491,\n \"acc_stderr\": 0.030267457554898458,\n \"acc_norm\": 0.8070175438596491,\n \"acc_norm_stderr\": 0.030267457554898458\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.48225214198286415,\n \"mc1_stderr\": 0.017492470843075356,\n \"mc2\": 0.6453861832315595,\n \"mc2_stderr\": 0.015356815946066372\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8389897395422258,\n \"acc_stderr\": 0.010329712832785718\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.6823351023502654,\n \"acc_stderr\": 0.01282406662148884\n }\n}\n```", "repo_url": "https://huggingface.co/macadeliccc/Orca-SOLAR-4x10.7b", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|arc:challenge|25_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|gsm8k|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hellaswag|10_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T10-39-27.836739.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["**/details_harness|winogrande|5_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T10-39-27.836739.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T10_39_27.836739", "path": ["results_2024-01-14T10-39-27.836739.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T10-39-27.836739.parquet"]}]}]} | 2024-01-14T10:42:01+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of macadeliccc/Orca-SOLAR-4x10.7b
Dataset automatically created during the evaluation run of model macadeliccc/Orca-SOLAR-4x10.7b on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T10:39:27.836739(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of macadeliccc/Orca-SOLAR-4x10.7b\n\n\n\nDataset automatically created during the evaluation run of model macadeliccc/Orca-SOLAR-4x10.7b on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T10:39:27.836739(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of macadeliccc/Orca-SOLAR-4x10.7b\n\n\n\nDataset automatically created during the evaluation run of model macadeliccc/Orca-SOLAR-4x10.7b on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T10:39:27.836739(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
191,
67,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of macadeliccc/Orca-SOLAR-4x10.7b\n\n\n\nDataset automatically created during the evaluation run of model macadeliccc/Orca-SOLAR-4x10.7b on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T10:39:27.836739(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]"
] | [
-0.04753552004694939,
0.19493864476680756,
-0.004749838262796402,
0.03613106533885002,
0.08183054625988007,
-0.015547328628599644,
0.023300478234887123,
0.10604885220527649,
-0.013963665813207626,
0.1965940296649933,
-0.017482295632362366,
0.11120063811540604,
0.07933218032121658,
0.10774943977594376,
0.00015262793749570847,
-0.13877993822097778,
0.014973867684602737,
-0.08099056780338287,
0.07862551510334015,
0.07280769944190979,
0.07497572153806686,
-0.07906834781169891,
0.06091767176985741,
-0.05081462115049362,
0.027176491916179657,
-0.01664181984961033,
-0.08751622587442398,
-0.043806031346321106,
0.09036917239427567,
0.10995538532733917,
0.03580131009221077,
-0.004331722389906645,
0.007872804068028927,
-0.24524690210819244,
0.012852245010435581,
0.08187394589185715,
-0.011886688880622387,
0.04156474396586418,
0.12746866047382355,
-0.06434410065412521,
0.07833731174468994,
-0.06378363817930222,
0.06682869791984558,
0.04427844285964966,
-0.12867164611816406,
-0.13828782737255096,
-0.1425906866788864,
0.0018506767228245735,
0.07000048458576202,
0.032671406865119934,
-0.018990611657500267,
0.16054782271385193,
-0.03648332878947258,
0.0452219694852829,
0.10933516174554825,
-0.10372167825698853,
-0.02628055401146412,
0.08247989416122437,
0.027311665937304497,
0.08659905195236206,
-0.08403190225362778,
-0.009214753285050392,
0.03918544575572014,
0.044356923550367355,
0.030471809208393097,
0.014298710972070694,
-0.0221650842577219,
0.02301727794110775,
-0.14844653010368347,
-0.13626495003700256,
0.16419202089309692,
0.025576945394277573,
-0.04053347557783127,
-0.18800531327724457,
-0.021962212398648262,
0.031595002859830856,
0.012576200999319553,
-0.03097722679376602,
0.005129857920110226,
-0.014842878095805645,
0.07900656014680862,
-0.002231139689683914,
-0.10393092781305313,
-0.021213172003626823,
-0.00871560163795948,
0.07225873321294785,
0.015439622104167938,
-0.014006844721734524,
0.012237322516739368,
0.10494086891412735,
0.012920159846544266,
-0.08200104534626007,
-0.0751715674996376,
-0.05133731663227081,
-0.07505006343126297,
-0.04462133347988129,
0.009939680807292461,
-0.059622667729854584,
0.03484027460217476,
0.21623919904232025,
-0.008362292312085629,
0.01860968768596649,
-0.10318682342767715,
0.019791211932897568,
0.11711353063583374,
0.04807422310113907,
-0.06370556354522705,
-0.03629127889871597,
-0.026383176445961,
0.01873600482940674,
0.04814409464597702,
-0.024000385776162148,
0.01767931878566742,
0.07740434259176254,
0.02165120467543602,
0.12239301949739456,
0.13468630611896515,
0.02693554200232029,
-0.07174414396286011,
-0.028946740552783012,
0.26252079010009766,
-0.12688373029232025,
-0.015328135341405869,
0.018953997641801834,
-0.03372681885957718,
-0.09942849725484848,
0.07819654047489166,
0.005866308696568012,
-0.04169042780995369,
0.12235021591186523,
-0.038427870720624924,
-0.0922582671046257,
-0.06632092595100403,
-0.04638776183128357,
0.05740078538656235,
0.025885045528411865,
-0.032550614327192307,
-0.09998071938753128,
-0.0473160520195961,
-0.08073382079601288,
0.026100676506757736,
-0.07457674294710159,
-0.030893441289663315,
0.03416048735380173,
-0.02300422079861164,
-0.011051342822611332,
-0.013691685162484646,
0.09826771169900894,
-0.05424441769719124,
0.03148355707526207,
0.010978078469634056,
0.024108702316880226,
0.07362408936023712,
0.04527366906404495,
-0.12062708288431168,
0.08847656846046448,
-0.12767542898654938,
0.0852929949760437,
-0.11120668053627014,
-0.00001822286139940843,
-0.13466784358024597,
-0.015554373152554035,
-0.020069649443030357,
0.01359447743743658,
-0.008828094229102135,
0.10531845688819885,
-0.2065487802028656,
0.01324915699660778,
0.12457726150751114,
-0.10659081488847733,
-0.10964147001504898,
0.0699925497174263,
-0.03567659482359886,
0.06473389267921448,
0.03457926958799362,
0.09699320048093796,
0.08373215794563293,
-0.06228278577327728,
-0.11098697781562805,
-0.09571930021047592,
-0.02298750914633274,
0.14183811843395233,
0.08731302618980408,
-0.08066871762275696,
0.10786226391792297,
0.03476126864552498,
-0.020106801763176918,
-0.09762853384017944,
-0.015615112148225307,
-0.06529434025287628,
-0.02077382616698742,
-0.05649349465966225,
-0.08315236866474152,
-0.007255121134221554,
-0.08803118020296097,
-0.008779319003224373,
-0.07332736253738403,
-0.0037051751278340816,
0.08600232005119324,
-0.0360969714820385,
0.015482904389500618,
-0.06142445653676987,
0.05745214223861694,
-0.002833913778886199,
0.014554795809090137,
-0.20106519758701324,
-0.0849757194519043,
0.03367443382740021,
-0.15198254585266113,
0.028384394943714142,
0.02711522951722145,
0.013977793045341969,
0.04461159557104111,
-0.007448200136423111,
0.03299519419670105,
0.027137823402881622,
0.003513881005346775,
-0.017233604565262794,
-0.14195138216018677,
-0.054358161985874176,
-0.07232141494750977,
0.08903160691261292,
-0.14572757482528687,
-0.02205267921090126,
0.0928310975432396,
0.16453272104263306,
0.012831538915634155,
-0.08285732567310333,
0.07196888327598572,
0.008402652107179165,
-0.035775672644376755,
-0.0583290196955204,
0.011515813879668713,
-0.020345518365502357,
0.022982290014624596,
0.041521452367305756,
-0.2094510793685913,
-0.14691612124443054,
0.0858827456831932,
0.12365897744894028,
-0.05376855283975601,
-0.09340878576040268,
-0.06227140128612518,
-0.06786878407001495,
-0.06301691383123398,
-0.06019820272922516,
0.05132672190666199,
0.06717528402805328,
0.03847682103514671,
-0.07192006707191467,
-0.05523688346147537,
0.020722387358546257,
0.055723272264003754,
-0.08046833425760269,
0.10390106588602066,
0.0802685022354126,
-0.08108435571193695,
0.09098922461271286,
0.0023778558243066072,
0.12410221993923187,
0.04738616943359375,
0.03478797525167465,
-0.10638406872749329,
-0.0068336664699018,
0.05141581594944,
0.06431650370359421,
0.0697496086359024,
-0.03987503424286842,
0.04503699764609337,
0.0779522955417633,
0.00032022426603361964,
0.03905392438173294,
-0.05465034395456314,
0.02949768677353859,
0.04874925687909126,
0.00788580160588026,
0.031488481909036636,
0.009527942165732384,
-0.008581317029893398,
0.06375565379858017,
0.04066725820302963,
0.08061274141073227,
-0.008537921123206615,
-0.05360707268118858,
-0.09819589555263519,
0.1414550244808197,
-0.06813779473304749,
-0.27397602796554565,
-0.17204155027866364,
-0.03401569649577141,
-0.03684195876121521,
-0.01788557879626751,
0.06930939108133316,
0.01014803908765316,
-0.10618295520544052,
-0.11040273308753967,
0.057409338653087616,
0.015671510249376297,
-0.11545324325561523,
-0.040499646216630936,
0.067112497985363,
0.006850118283182383,
-0.15841425955295563,
0.04096469655632973,
0.04804299399256706,
-0.0663357600569725,
0.007271880283951759,
0.07135617733001709,
0.14473719894886017,
0.06783130019903183,
0.06389104574918747,
-0.038232143968343735,
-0.004817271139472723,
0.18068788945674896,
-0.10366320610046387,
0.021984407678246498,
0.1155180111527443,
-0.05510801076889038,
0.06347178667783737,
0.16940973699092865,
0.019832145422697067,
-0.10963543504476547,
0.051274850964546204,
0.08327358216047287,
-0.07129360735416412,
-0.2429320514202118,
-0.11743002384901047,
-0.022386347874999046,
-0.0014065983705222607,
0.10796894878149033,
0.06350211799144745,
0.02471785433590412,
0.022755805402994156,
-0.11360116302967072,
-0.04848774895071983,
-0.06516735255718231,
0.08971758931875229,
0.058441612869501114,
0.0006178587209433317,
0.045499153435230255,
-0.041413042694330215,
0.03340659290552139,
0.12760581076145172,
0.0348481722176075,
0.14704696834087372,
-0.009505735710263252,
0.16393989324569702,
0.08780911564826965,
0.09737379848957062,
-0.04381774738430977,
0.03126296401023865,
-0.0010359544539824128,
0.060554858297109604,
-0.013822822831571102,
-0.10879611223936081,
-0.053163353353738785,
0.10266494005918503,
0.010681399144232273,
-0.0663348138332367,
0.007280375342816114,
-0.08200942724943161,
0.035112541168928146,
0.19998665153980255,
-0.0261777825653553,
-0.14982859790325165,
-0.06679895520210266,
0.061130233108997345,
-0.03359749913215637,
-0.07643675804138184,
-0.017044145613908768,
0.07326081395149231,
-0.13515478372573853,
0.013675766997039318,
-0.0291470754891634,
0.08188611268997192,
-0.15025770664215088,
-0.02158644236624241,
-0.022717272862792015,
0.029886698350310326,
0.004243528004735708,
0.11263838410377502,
-0.12882857024669647,
0.12782271206378937,
-0.0036421946715563536,
0.012091525830328465,
-0.11003225296735764,
0.037192944437265396,
-0.061480697244405746,
-0.038678478449583054,
0.13047772645950317,
-0.01613258384168148,
-0.09508851915597916,
-0.060589250177145004,
-0.11491619050502777,
-0.001608419930562377,
0.06890621036291122,
-0.1398036628961563,
0.10913959890604019,
0.03232140466570854,
-0.017543300986289978,
-0.027032919228076935,
-0.0017522198613733053,
-0.09673494845628738,
-0.218196839094162,
0.10283954441547394,
-0.09376731514930725,
0.07580643147230148,
-0.06102418527007103,
-0.03883259743452072,
-0.0624772310256958,
0.15637919306755066,
-0.10469460487365723,
-0.04319072887301445,
-0.10461476445198059,
0.006213754881173372,
0.1805000752210617,
-0.04602590203285217,
0.061739370226860046,
-0.04299687221646309,
0.165676549077034,
0.011918730102479458,
-0.053661227226257324,
-0.0009025027393363416,
-0.09760841727256775,
-0.17846490442752838,
-0.03838498517870903,
0.12304874509572983,
0.05775434896349907,
0.010255184955894947,
0.0021815712098032236,
0.0513504222035408,
0.007197218015789986,
-0.09521904587745667,
0.037473034113645554,
0.1095149964094162,
0.13878054916858673,
0.020907167345285416,
-0.010099544189870358,
-0.08256181329488754,
-0.10160349309444427,
-0.12034770101308823,
0.045733168721199036,
0.16367970407009125,
-0.06764962524175644,
0.15392950177192688,
0.1434445083141327,
-0.09066078811883926,
-0.17213605344295502,
-0.07265366613864899,
0.004706679377704859,
-0.020996004343032837,
0.12974826991558075,
-0.18219272792339325,
0.059509892016649246,
0.06861568987369537,
-0.014987538568675518,
0.04173367843031883,
-0.25143903493881226,
-0.13152261078357697,
0.007128781173378229,
0.04579669237136841,
-0.23222112655639648,
-0.1908678412437439,
-0.11932116746902466,
-0.03334256634116173,
-0.15187916159629822,
0.12862591445446014,
0.016108587384223938,
0.03221412003040314,
-0.019441159442067146,
0.060649190098047256,
0.056648269295692444,
-0.058247633278369904,
0.16498489677906036,
-0.022630983963608742,
0.00693406630307436,
-0.11755142360925674,
-0.017640724778175354,
0.007158627733588219,
-0.03792872279882431,
0.08140064775943756,
0.04125859588384628,
0.06174696236848831,
-0.0963146910071373,
-0.034168791025877,
-0.049859676510095596,
0.023466099053621292,
-0.06460535526275635,
-0.04979454725980759,
-0.06852401047945023,
0.08698710054159164,
0.08768633753061295,
-0.012592830695211887,
0.03627055883407593,
-0.043854013085365295,
0.04703020676970482,
0.21365167200565338,
0.11865494400262833,
0.0339127741754055,
-0.11008401215076447,
-0.03162569925189018,
-0.017217149958014488,
-0.0059105269610881805,
-0.13930317759513855,
0.034334585070610046,
0.08271358907222748,
0.04136849567294121,
0.05854247882962227,
-0.02152315527200699,
-0.16707731783390045,
0.008145978674292564,
0.09088757634162903,
-0.11073349416255951,
-0.21238411962985992,
0.036351028829813004,
0.14997422695159912,
-0.16085974872112274,
-0.05475464463233948,
0.08586464077234268,
0.010099095292389393,
-0.028147313743829727,
0.002325597917661071,
0.07593110203742981,
0.0402446947991848,
0.07793615013360977,
0.014302399940788746,
0.04891756549477577,
-0.07029011845588684,
0.09609003365039825,
0.16560545563697815,
-0.12426470220088959,
0.01190558448433876,
0.035180844366550446,
-0.050036124885082245,
-0.057075973600149155,
0.01690215989947319,
-0.03209858015179634,
-0.0036344670224934816,
-0.05301802232861519,
0.01938599906861782,
0.001424921560101211,
0.04362533614039421,
0.11417103558778763,
0.014483757317066193,
0.044326815754175186,
0.026225512847304344,
-0.002970885718241334,
-0.07560364156961441,
0.07546268403530121,
0.003730213735252619,
0.032970771193504333,
-0.04252501204609871,
0.0230033490806818,
0.009386317804455757,
-0.025515355169773102,
0.013949633575975895,
-0.04292934015393257,
-0.07164684683084488,
-0.001329940976575017,
-0.12858647108078003,
0.048468682914972305,
-0.07809457182884216,
0.0037985150702297688,
-0.004679476842284203,
-0.029524801298975945,
-0.01553171593695879,
0.00805414468050003,
-0.04901033267378807,
-0.05063135176897049,
-0.04911449924111366,
0.132331982254982,
-0.19942374527454376,
-0.008687036111950874,
0.0946710929274559,
-0.06519767642021179,
0.07513337582349777,
-0.003640569280833006,
-0.015772398561239243,
-0.003353856038302183,
-0.08425322920084,
0.003607958322390914,
-0.018377577885985374,
0.05130862072110176,
0.007684460375458002,
-0.16334229707717896,
-0.027485152706503868,
0.014577030204236507,
-0.10058804601430893,
-0.0031090755946934223,
0.05815397948026657,
-0.15498390793800354,
0.002275014529004693,
0.06345809251070023,
-0.045671433210372925,
-0.04042959585785866,
0.04552822560071945,
0.04617682099342346,
0.002646959386765957,
0.08201248198747635,
0.003132533049210906,
0.035251591354608536,
-0.15129075944423676,
-0.05401725322008133,
-0.003496995661407709,
0.0020961493719369173,
0.016362234950065613,
0.030294235795736313,
0.037256963551044464,
0.012662110850214958,
0.21363262832164764,
-0.009933038614690304,
0.07805747538805008,
0.036952003836631775,
0.0102344686165452,
-0.008981923572719097,
0.028350140899419785,
0.04208124428987503,
0.022693490609526634,
0.03184669837355614,
0.03620298206806183,
-0.01581067591905594,
-0.06439580768346786,
-0.03862159326672554,
0.05527839437127113,
0.15432986617088318,
0.16182416677474976,
-0.05577249079942703,
0.07972046732902527,
-0.15188634395599365,
-0.05248801410198212,
0.02762852981686592,
-0.014532063156366348,
0.048550140112638474,
-0.07179953902959824,
0.017946936190128326,
0.06685829907655716,
-0.10366611927747726,
0.1370779424905777,
-0.07404018938541412,
-0.02440454810857773,
-0.02787378989160061,
-0.1333441436290741,
-0.04533977061510086,
-0.0019920701161026955,
0.0028295840602368116,
-0.09063035994768143,
0.10119279474020004,
0.14755083620548248,
-0.01557602547109127,
-0.005624189041554928,
0.08809801191091537,
-0.045920636504888535,
-0.045998673886060715,
-0.033220451325178146,
-0.004931876435875893,
0.02618011087179184,
-0.021153904497623444,
0.07576335221529007,
0.016144219785928726,
0.0754418671131134,
0.055024705827236176,
0.1079692393541336,
0.05387796089053154,
0.012160374782979488,
-0.048444975167512894,
-0.07747664302587509,
-0.003588997758924961,
-0.012175500392913818,
-0.05048360675573349,
0.22284898161888123,
0.05252152308821678,
0.029867826029658318,
0.01680712215602398,
0.2105928361415863,
0.006202440708875656,
-0.04283583536744118,
-0.13900567591190338,
0.09913136065006256,
-0.028536302968859673,
0.016352882608771324,
0.03293703496456146,
-0.13015183806419373,
0.01776122860610485,
0.166416734457016,
0.08777271956205368,
0.04405270889401436,
0.012629002332687378,
0.042839303612709045,
0.022330738604068756,
-0.0199500173330307,
0.03680098056793213,
0.037328071892261505,
0.1922261267900467,
-0.06312809139490128,
0.045769404619932175,
-0.012943342328071594,
0.006302113179117441,
-0.01705136150121689,
0.07974831014871597,
-0.04885970056056976,
0.006923199165612459,
-0.0497133731842041,
0.11384810507297516,
-0.033278193324804306,
-0.2505190968513489,
-0.018395811319351196,
-0.1076149195432663,
-0.1184629574418068,
-0.031168974936008453,
0.03314301744103432,
-0.031120259314775467,
0.036470577120780945,
0.032605964690446854,
-0.024111827835440636,
0.18792475759983063,
0.019199907779693604,
-0.06610898673534393,
-0.05939614772796631,
0.06584346294403076,
-0.008156772702932358,
0.24558493494987488,
-0.009529455564916134,
0.08333297073841095,
0.09710657596588135,
-0.013952610082924366,
-0.15403810143470764,
-0.002121134428307414,
0.11373243480920792,
-0.05329876020550728,
0.07096139341592789,
0.15505343675613403,
-0.027923820540308952,
0.145393967628479,
0.04757261648774147,
-0.024424223229289055,
0.06052252650260925,
0.08834794163703918,
0.06054646894335747,
-0.08881156146526337,
0.07609014213085175,
-0.08902662992477417,
0.13987509906291962,
0.10472948104143143,
-0.03632550314068794,
-0.010012781247496605,
-0.04883855953812599,
0.07174472510814667,
-0.029010750353336334,
0.11278184503316879,
-0.004026393406093121,
-0.1589687615633011,
0.0271899476647377,
0.001212427276186645,
0.0670771524310112,
-0.22835034132003784,
-0.07167373597621918,
0.13055309653282166,
-0.049962934106588364,
0.003428328549489379,
0.07244471460580826,
0.04617574065923691,
-0.006678055040538311,
-0.0767449364066124,
-0.07928171008825302,
-0.007511026691645384,
0.1246199831366539,
-0.09964338690042496,
-0.03800661861896515
] |
fed2732cc0142bc7cec4e2f0a0a413b913b2ead5 |
# Dataset of bush/ブッシュ/布什 (Azur Lane)
This is the dataset of bush/ブッシュ/布什 (Azur Lane), containing 12 images and their tags.
The core tags of this character are `hat, purple_eyes, purple_hair, short_hair, hair_ornament, hairclip, bangs, beret`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:---------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 12 | 7.53 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bush_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 12 | 6.33 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bush_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 24 | 11.61 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bush_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 12 | 7.30 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bush_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 24 | 13.73 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bush_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/bush_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, jacket, looking_at_viewer, solo, blush, smile, white_background, long_sleeves, open_mouth, shoes, simple_background, collarbone, holding, hood, white_footwear |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | jacket | looking_at_viewer | solo | blush | smile | white_background | long_sleeves | open_mouth | shoes | simple_background | collarbone | holding | hood | white_footwear |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:---------|:--------------------|:-------|:--------|:--------|:-------------------|:---------------|:-------------|:--------|:--------------------|:-------------|:----------|:-------|:-----------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/bush_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:05:27+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:07:42+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of bush/ブッシュ/布什 (Azur Lane)
===================================
This is the dataset of bush/ブッシュ/布什 (Azur Lane), containing 12 images and their tags.
The core tags of this character are 'hat, purple\_eyes, purple\_hair, short\_hair, hair\_ornament, hairclip, bangs, beret', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
d69fd1b9c4ddce3570db8783c16cab2c9eb97ad9 |
# Dataset of dace/デイス/鲦鱼 (Azur Lane)
This is the dataset of dace/デイス/鲦鱼 (Azur Lane), containing 14 images and their tags.
The core tags of this character are `blue_eyes, breasts, pink_hair, medium_breasts, ponytail, bow, fang, hair_bow, bangs, long_hair, black_bow, hair_ornament, parted_bangs`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:---------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 14 | 14.06 MiB | [Download](https://huggingface.co/datasets/CyberHarem/dace_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 14 | 8.85 MiB | [Download](https://huggingface.co/datasets/CyberHarem/dace_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 31 | 18.32 MiB | [Download](https://huggingface.co/datasets/CyberHarem/dace_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 14 | 12.68 MiB | [Download](https://huggingface.co/datasets/CyberHarem/dace_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 31 | 27.06 MiB | [Download](https://huggingface.co/datasets/CyberHarem/dace_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/dace_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, blush, open_mouth, solo, looking_at_viewer, navel, one-piece_swimsuit, bare_shoulders, elbow_gloves, :d, leotard, simple_background, toeless_legwear, black_gloves, highleg, star_(symbol), straddling, torpedo, watercraft, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | blush | open_mouth | solo | looking_at_viewer | navel | one-piece_swimsuit | bare_shoulders | elbow_gloves | :d | leotard | simple_background | toeless_legwear | black_gloves | highleg | star_(symbol) | straddling | torpedo | watercraft | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------|:-------------|:-------|:--------------------|:--------|:---------------------|:-----------------|:---------------|:-----|:----------|:--------------------|:------------------|:---------------|:----------|:----------------|:-------------|:----------|:-------------|:-------------------|
| 0 | 14 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/dace_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:05:28+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:09:27+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of dace/デイス/鲦鱼 (Azur Lane)
==================================
This is the dataset of dace/デイス/鲦鱼 (Azur Lane), containing 14 images and their tags.
The core tags of this character are 'blue\_eyes, breasts, pink\_hair, medium\_breasts, ponytail, bow, fang, hair\_bow, bangs, long\_hair, black\_bow, hair\_ornament, parted\_bangs', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
2b9b3441cc5df6764d7ebf9de843065d7765a276 |
# Dataset of hornet_ii/ホーネットII/大黄蜂II (Azur Lane)
This is the dataset of hornet_ii/ホーネットII/大黄蜂II (Azur Lane), containing 23 images and their tags.
The core tags of this character are `blonde_hair, long_hair, bangs, breasts, green_eyes, large_breasts, twintails, very_long_hair, hat, black_headwear, cowboy_hat, sidelocks`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:--------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 23 | 30.81 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hornet_ii_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 23 | 19.93 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hornet_ii_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 58 | 40.66 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hornet_ii_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 23 | 27.73 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hornet_ii_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 58 | 51.53 MiB | [Download](https://huggingface.co/datasets/CyberHarem/hornet_ii_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/hornet_ii_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, bikini_top_only, black_bikini, cleavage, short_shorts, black_gloves, fingerless_gloves, looking_at_viewer, midriff, solo, black_shorts, blush, shrug_(clothing), black_thighhighs, grin, navel, standing, boots, belt, cowboy_shot, one_eye_closed, simple_background, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | bikini_top_only | black_bikini | cleavage | short_shorts | black_gloves | fingerless_gloves | looking_at_viewer | midriff | solo | black_shorts | blush | shrug_(clothing) | black_thighhighs | grin | navel | standing | boots | belt | cowboy_shot | one_eye_closed | simple_background | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:------------------|:---------------|:-----------|:---------------|:---------------|:--------------------|:--------------------|:----------|:-------|:---------------|:--------|:-------------------|:-------------------|:-------|:--------|:-----------|:--------|:-------|:--------------|:-----------------|:--------------------|:-------------------|
| 0 | 12 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/hornet_ii_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:06:43+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:10:51+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of hornet\_ii/ホーネットII/大黄蜂II (Azur Lane)
===============================================
This is the dataset of hornet\_ii/ホーネットII/大黄蜂II (Azur Lane), containing 23 images and their tags.
The core tags of this character are 'blonde\_hair, long\_hair, bangs, breasts, green\_eyes, large\_breasts, twintails, very\_long\_hair, hat, black\_headwear, cowboy\_hat, sidelocks', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
542b566e1bb8df76d594b57f631a7e19de2a298b |
# Dataset Card for Evaluation run of Abhinav7/NeuralPipe-7B-slerp
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [Abhinav7/NeuralPipe-7B-slerp](https://huggingface.co/Abhinav7/NeuralPipe-7B-slerp) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_Abhinav7__NeuralPipe-7B-slerp",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T11:22:42.602148](https://huggingface.co/datasets/open-llm-leaderboard/details_Abhinav7__NeuralPipe-7B-slerp/blob/main/results_2024-01-14T11-22-42.602148.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.6447169263171724,
"acc_stderr": 0.03211493893533018,
"acc_norm": 0.6450175117328331,
"acc_norm_stderr": 0.03277128130072703,
"mc1": 0.43084455324357407,
"mc1_stderr": 0.017335272475332366,
"mc2": 0.5982418830210784,
"mc2_stderr": 0.01515275893598861
},
"harness|arc:challenge|25": {
"acc": 0.6467576791808873,
"acc_stderr": 0.013967822714840055,
"acc_norm": 0.674061433447099,
"acc_norm_stderr": 0.013697432466693252
},
"harness|hellaswag|10": {
"acc": 0.6692889862577176,
"acc_stderr": 0.004695076629884537,
"acc_norm": 0.8611830312686716,
"acc_norm_stderr": 0.003450488042965012
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.31,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.31,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6,
"acc_stderr": 0.04232073695151589,
"acc_norm": 0.6,
"acc_norm_stderr": 0.04232073695151589
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.7039473684210527,
"acc_stderr": 0.03715062154998904,
"acc_norm": 0.7039473684210527,
"acc_norm_stderr": 0.03715062154998904
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.6,
"acc_stderr": 0.04923659639173309,
"acc_norm": 0.6,
"acc_norm_stderr": 0.04923659639173309
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.690566037735849,
"acc_stderr": 0.028450154794118637,
"acc_norm": 0.690566037735849,
"acc_norm_stderr": 0.028450154794118637
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.03476590104304134,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.03476590104304134
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.45,
"acc_stderr": 0.05,
"acc_norm": 0.45,
"acc_norm_stderr": 0.05
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.49,
"acc_stderr": 0.05024183937956912,
"acc_norm": 0.49,
"acc_norm_stderr": 0.05024183937956912
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.29,
"acc_stderr": 0.04560480215720684,
"acc_norm": 0.29,
"acc_norm_stderr": 0.04560480215720684
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.653179190751445,
"acc_stderr": 0.036291466701596636,
"acc_norm": 0.653179190751445,
"acc_norm_stderr": 0.036291466701596636
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.37254901960784315,
"acc_stderr": 0.04810840148082635,
"acc_norm": 0.37254901960784315,
"acc_norm_stderr": 0.04810840148082635
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.74,
"acc_stderr": 0.04408440022768078,
"acc_norm": 0.74,
"acc_norm_stderr": 0.04408440022768078
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.5787234042553191,
"acc_stderr": 0.03227834510146268,
"acc_norm": 0.5787234042553191,
"acc_norm_stderr": 0.03227834510146268
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.4824561403508772,
"acc_stderr": 0.04700708033551038,
"acc_norm": 0.4824561403508772,
"acc_norm_stderr": 0.04700708033551038
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5655172413793104,
"acc_stderr": 0.04130740879555498,
"acc_norm": 0.5655172413793104,
"acc_norm_stderr": 0.04130740879555498
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.41798941798941797,
"acc_stderr": 0.025402555503260912,
"acc_norm": 0.41798941798941797,
"acc_norm_stderr": 0.025402555503260912
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.4523809523809524,
"acc_stderr": 0.044518079590553275,
"acc_norm": 0.4523809523809524,
"acc_norm_stderr": 0.044518079590553275
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.37,
"acc_stderr": 0.048523658709391,
"acc_norm": 0.37,
"acc_norm_stderr": 0.048523658709391
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7806451612903226,
"acc_stderr": 0.023540799358723292,
"acc_norm": 0.7806451612903226,
"acc_norm_stderr": 0.023540799358723292
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5024630541871922,
"acc_stderr": 0.035179450386910616,
"acc_norm": 0.5024630541871922,
"acc_norm_stderr": 0.035179450386910616
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.7,
"acc_stderr": 0.046056618647183814,
"acc_norm": 0.7,
"acc_norm_stderr": 0.046056618647183814
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7696969696969697,
"acc_stderr": 0.0328766675860349,
"acc_norm": 0.7696969696969697,
"acc_norm_stderr": 0.0328766675860349
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7828282828282829,
"acc_stderr": 0.02937661648494563,
"acc_norm": 0.7828282828282829,
"acc_norm_stderr": 0.02937661648494563
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9067357512953368,
"acc_stderr": 0.02098685459328973,
"acc_norm": 0.9067357512953368,
"acc_norm_stderr": 0.02098685459328973
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6538461538461539,
"acc_stderr": 0.02412112541694119,
"acc_norm": 0.6538461538461539,
"acc_norm_stderr": 0.02412112541694119
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.32222222222222224,
"acc_stderr": 0.028493465091028593,
"acc_norm": 0.32222222222222224,
"acc_norm_stderr": 0.028493465091028593
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6974789915966386,
"acc_stderr": 0.029837962388291932,
"acc_norm": 0.6974789915966386,
"acc_norm_stderr": 0.029837962388291932
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.33112582781456956,
"acc_stderr": 0.038425817186598696,
"acc_norm": 0.33112582781456956,
"acc_norm_stderr": 0.038425817186598696
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8513761467889909,
"acc_stderr": 0.015251253773660834,
"acc_norm": 0.8513761467889909,
"acc_norm_stderr": 0.015251253773660834
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5092592592592593,
"acc_stderr": 0.034093869469927006,
"acc_norm": 0.5092592592592593,
"acc_norm_stderr": 0.034093869469927006
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8137254901960784,
"acc_stderr": 0.027325470966716312,
"acc_norm": 0.8137254901960784,
"acc_norm_stderr": 0.027325470966716312
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.810126582278481,
"acc_stderr": 0.025530100460233494,
"acc_norm": 0.810126582278481,
"acc_norm_stderr": 0.025530100460233494
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.695067264573991,
"acc_stderr": 0.030898610882477515,
"acc_norm": 0.695067264573991,
"acc_norm_stderr": 0.030898610882477515
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7786259541984732,
"acc_stderr": 0.03641297081313729,
"acc_norm": 0.7786259541984732,
"acc_norm_stderr": 0.03641297081313729
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.8099173553719008,
"acc_stderr": 0.03581796951709282,
"acc_norm": 0.8099173553719008,
"acc_norm_stderr": 0.03581796951709282
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.0401910747255735,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.0401910747255735
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7791411042944786,
"acc_stderr": 0.03259177392742178,
"acc_norm": 0.7791411042944786,
"acc_norm_stderr": 0.03259177392742178
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.4642857142857143,
"acc_stderr": 0.04733667890053756,
"acc_norm": 0.4642857142857143,
"acc_norm_stderr": 0.04733667890053756
},
"harness|hendrycksTest-management|5": {
"acc": 0.7572815533980582,
"acc_stderr": 0.04245022486384495,
"acc_norm": 0.7572815533980582,
"acc_norm_stderr": 0.04245022486384495
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8589743589743589,
"acc_stderr": 0.02280138253459754,
"acc_norm": 0.8589743589743589,
"acc_norm_stderr": 0.02280138253459754
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.71,
"acc_stderr": 0.045604802157206845,
"acc_norm": 0.71,
"acc_norm_stderr": 0.045604802157206845
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8326947637292464,
"acc_stderr": 0.013347327202920332,
"acc_norm": 0.8326947637292464,
"acc_norm_stderr": 0.013347327202920332
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7312138728323699,
"acc_stderr": 0.02386800326250011,
"acc_norm": 0.7312138728323699,
"acc_norm_stderr": 0.02386800326250011
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.358659217877095,
"acc_stderr": 0.016040454426164474,
"acc_norm": 0.358659217877095,
"acc_norm_stderr": 0.016040454426164474
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7450980392156863,
"acc_stderr": 0.02495418432487991,
"acc_norm": 0.7450980392156863,
"acc_norm_stderr": 0.02495418432487991
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7138263665594855,
"acc_stderr": 0.025670259242188933,
"acc_norm": 0.7138263665594855,
"acc_norm_stderr": 0.025670259242188933
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7469135802469136,
"acc_stderr": 0.024191808600712995,
"acc_norm": 0.7469135802469136,
"acc_norm_stderr": 0.024191808600712995
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.48226950354609927,
"acc_stderr": 0.02980873964223777,
"acc_norm": 0.48226950354609927,
"acc_norm_stderr": 0.02980873964223777
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.47196870925684486,
"acc_stderr": 0.012750151802922438,
"acc_norm": 0.47196870925684486,
"acc_norm_stderr": 0.012750151802922438
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6911764705882353,
"acc_stderr": 0.02806499816704009,
"acc_norm": 0.6911764705882353,
"acc_norm_stderr": 0.02806499816704009
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6764705882352942,
"acc_stderr": 0.018926082916083383,
"acc_norm": 0.6764705882352942,
"acc_norm_stderr": 0.018926082916083383
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6545454545454545,
"acc_stderr": 0.04554619617541054,
"acc_norm": 0.6545454545454545,
"acc_norm_stderr": 0.04554619617541054
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.746938775510204,
"acc_stderr": 0.027833023871399673,
"acc_norm": 0.746938775510204,
"acc_norm_stderr": 0.027833023871399673
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8407960199004975,
"acc_stderr": 0.025870646766169136,
"acc_norm": 0.8407960199004975,
"acc_norm_stderr": 0.025870646766169136
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.86,
"acc_stderr": 0.0348735088019777,
"acc_norm": 0.86,
"acc_norm_stderr": 0.0348735088019777
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5301204819277109,
"acc_stderr": 0.03885425420866767,
"acc_norm": 0.5301204819277109,
"acc_norm_stderr": 0.03885425420866767
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8304093567251462,
"acc_stderr": 0.02878210810540171,
"acc_norm": 0.8304093567251462,
"acc_norm_stderr": 0.02878210810540171
},
"harness|truthfulqa:mc|0": {
"mc1": 0.43084455324357407,
"mc1_stderr": 0.017335272475332366,
"mc2": 0.5982418830210784,
"mc2_stderr": 0.01515275893598861
},
"harness|winogrande|5": {
"acc": 0.797947908445146,
"acc_stderr": 0.011285013754047436
},
"harness|gsm8k|5": {
"acc": 0.6929492039423806,
"acc_stderr": 0.01270568572313171
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_Abhinav7__NeuralPipe-7B-slerp | [
"region:us"
] | 2024-01-14T11:25:01+00:00 | {"pretty_name": "Evaluation run of Abhinav7/NeuralPipe-7B-slerp", "dataset_summary": "Dataset automatically created during the evaluation run of model [Abhinav7/NeuralPipe-7B-slerp](https://huggingface.co/Abhinav7/NeuralPipe-7B-slerp) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_Abhinav7__NeuralPipe-7B-slerp\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T11:22:42.602148](https://huggingface.co/datasets/open-llm-leaderboard/details_Abhinav7__NeuralPipe-7B-slerp/blob/main/results_2024-01-14T11-22-42.602148.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.6447169263171724,\n \"acc_stderr\": 0.03211493893533018,\n \"acc_norm\": 0.6450175117328331,\n \"acc_norm_stderr\": 0.03277128130072703,\n \"mc1\": 0.43084455324357407,\n \"mc1_stderr\": 0.017335272475332366,\n \"mc2\": 0.5982418830210784,\n \"mc2_stderr\": 0.01515275893598861\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6467576791808873,\n \"acc_stderr\": 0.013967822714840055,\n \"acc_norm\": 0.674061433447099,\n \"acc_norm_stderr\": 0.013697432466693252\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6692889862577176,\n \"acc_stderr\": 0.004695076629884537,\n \"acc_norm\": 0.8611830312686716,\n \"acc_norm_stderr\": 0.003450488042965012\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.31,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.31,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6,\n \"acc_stderr\": 0.04232073695151589,\n \"acc_norm\": 0.6,\n \"acc_norm_stderr\": 0.04232073695151589\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.7039473684210527,\n \"acc_stderr\": 0.03715062154998904,\n \"acc_norm\": 0.7039473684210527,\n \"acc_norm_stderr\": 0.03715062154998904\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.6,\n \"acc_stderr\": 0.04923659639173309,\n \"acc_norm\": 0.6,\n \"acc_norm_stderr\": 0.04923659639173309\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.690566037735849,\n \"acc_stderr\": 0.028450154794118637,\n \"acc_norm\": 0.690566037735849,\n \"acc_norm_stderr\": 0.028450154794118637\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.03476590104304134,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.03476590104304134\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.45,\n \"acc_stderr\": 0.05,\n \"acc_norm\": 0.45,\n \"acc_norm_stderr\": 0.05\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.49,\n \"acc_stderr\": 0.05024183937956912,\n \"acc_norm\": 0.49,\n \"acc_norm_stderr\": 0.05024183937956912\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.29,\n \"acc_stderr\": 0.04560480215720684,\n \"acc_norm\": 0.29,\n \"acc_norm_stderr\": 0.04560480215720684\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.653179190751445,\n \"acc_stderr\": 0.036291466701596636,\n \"acc_norm\": 0.653179190751445,\n \"acc_norm_stderr\": 0.036291466701596636\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.37254901960784315,\n \"acc_stderr\": 0.04810840148082635,\n \"acc_norm\": 0.37254901960784315,\n \"acc_norm_stderr\": 0.04810840148082635\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.74,\n \"acc_stderr\": 0.04408440022768078,\n \"acc_norm\": 0.74,\n \"acc_norm_stderr\": 0.04408440022768078\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.5787234042553191,\n \"acc_stderr\": 0.03227834510146268,\n \"acc_norm\": 0.5787234042553191,\n \"acc_norm_stderr\": 0.03227834510146268\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.4824561403508772,\n \"acc_stderr\": 0.04700708033551038,\n \"acc_norm\": 0.4824561403508772,\n \"acc_norm_stderr\": 0.04700708033551038\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5655172413793104,\n \"acc_stderr\": 0.04130740879555498,\n \"acc_norm\": 0.5655172413793104,\n \"acc_norm_stderr\": 0.04130740879555498\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.41798941798941797,\n \"acc_stderr\": 0.025402555503260912,\n \"acc_norm\": 0.41798941798941797,\n \"acc_norm_stderr\": 0.025402555503260912\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.4523809523809524,\n \"acc_stderr\": 0.044518079590553275,\n \"acc_norm\": 0.4523809523809524,\n \"acc_norm_stderr\": 0.044518079590553275\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.37,\n \"acc_stderr\": 0.048523658709391,\n \"acc_norm\": 0.37,\n \"acc_norm_stderr\": 0.048523658709391\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7806451612903226,\n \"acc_stderr\": 0.023540799358723292,\n \"acc_norm\": 0.7806451612903226,\n \"acc_norm_stderr\": 0.023540799358723292\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5024630541871922,\n \"acc_stderr\": 0.035179450386910616,\n \"acc_norm\": 0.5024630541871922,\n \"acc_norm_stderr\": 0.035179450386910616\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.7,\n \"acc_stderr\": 0.046056618647183814,\n \"acc_norm\": 0.7,\n \"acc_norm_stderr\": 0.046056618647183814\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7696969696969697,\n \"acc_stderr\": 0.0328766675860349,\n \"acc_norm\": 0.7696969696969697,\n \"acc_norm_stderr\": 0.0328766675860349\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7828282828282829,\n \"acc_stderr\": 0.02937661648494563,\n \"acc_norm\": 0.7828282828282829,\n \"acc_norm_stderr\": 0.02937661648494563\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9067357512953368,\n \"acc_stderr\": 0.02098685459328973,\n \"acc_norm\": 0.9067357512953368,\n \"acc_norm_stderr\": 0.02098685459328973\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6538461538461539,\n \"acc_stderr\": 0.02412112541694119,\n \"acc_norm\": 0.6538461538461539,\n \"acc_norm_stderr\": 0.02412112541694119\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.32222222222222224,\n \"acc_stderr\": 0.028493465091028593,\n \"acc_norm\": 0.32222222222222224,\n \"acc_norm_stderr\": 0.028493465091028593\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6974789915966386,\n \"acc_stderr\": 0.029837962388291932,\n \"acc_norm\": 0.6974789915966386,\n \"acc_norm_stderr\": 0.029837962388291932\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.33112582781456956,\n \"acc_stderr\": 0.038425817186598696,\n \"acc_norm\": 0.33112582781456956,\n \"acc_norm_stderr\": 0.038425817186598696\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8513761467889909,\n \"acc_stderr\": 0.015251253773660834,\n \"acc_norm\": 0.8513761467889909,\n \"acc_norm_stderr\": 0.015251253773660834\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5092592592592593,\n \"acc_stderr\": 0.034093869469927006,\n \"acc_norm\": 0.5092592592592593,\n \"acc_norm_stderr\": 0.034093869469927006\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8137254901960784,\n \"acc_stderr\": 0.027325470966716312,\n \"acc_norm\": 0.8137254901960784,\n \"acc_norm_stderr\": 0.027325470966716312\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.810126582278481,\n \"acc_stderr\": 0.025530100460233494,\n \"acc_norm\": 0.810126582278481,\n \"acc_norm_stderr\": 0.025530100460233494\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.695067264573991,\n \"acc_stderr\": 0.030898610882477515,\n \"acc_norm\": 0.695067264573991,\n \"acc_norm_stderr\": 0.030898610882477515\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7786259541984732,\n \"acc_stderr\": 0.03641297081313729,\n \"acc_norm\": 0.7786259541984732,\n \"acc_norm_stderr\": 0.03641297081313729\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.8099173553719008,\n \"acc_stderr\": 0.03581796951709282,\n \"acc_norm\": 0.8099173553719008,\n \"acc_norm_stderr\": 0.03581796951709282\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.0401910747255735,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.0401910747255735\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7791411042944786,\n \"acc_stderr\": 0.03259177392742178,\n \"acc_norm\": 0.7791411042944786,\n \"acc_norm_stderr\": 0.03259177392742178\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.4642857142857143,\n \"acc_stderr\": 0.04733667890053756,\n \"acc_norm\": 0.4642857142857143,\n \"acc_norm_stderr\": 0.04733667890053756\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.7572815533980582,\n \"acc_stderr\": 0.04245022486384495,\n \"acc_norm\": 0.7572815533980582,\n \"acc_norm_stderr\": 0.04245022486384495\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8589743589743589,\n \"acc_stderr\": 0.02280138253459754,\n \"acc_norm\": 0.8589743589743589,\n \"acc_norm_stderr\": 0.02280138253459754\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.71,\n \"acc_stderr\": 0.045604802157206845,\n \"acc_norm\": 0.71,\n \"acc_norm_stderr\": 0.045604802157206845\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8326947637292464,\n \"acc_stderr\": 0.013347327202920332,\n \"acc_norm\": 0.8326947637292464,\n \"acc_norm_stderr\": 0.013347327202920332\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7312138728323699,\n \"acc_stderr\": 0.02386800326250011,\n \"acc_norm\": 0.7312138728323699,\n \"acc_norm_stderr\": 0.02386800326250011\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.358659217877095,\n \"acc_stderr\": 0.016040454426164474,\n \"acc_norm\": 0.358659217877095,\n \"acc_norm_stderr\": 0.016040454426164474\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7450980392156863,\n \"acc_stderr\": 0.02495418432487991,\n \"acc_norm\": 0.7450980392156863,\n \"acc_norm_stderr\": 0.02495418432487991\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7138263665594855,\n \"acc_stderr\": 0.025670259242188933,\n \"acc_norm\": 0.7138263665594855,\n \"acc_norm_stderr\": 0.025670259242188933\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7469135802469136,\n \"acc_stderr\": 0.024191808600712995,\n \"acc_norm\": 0.7469135802469136,\n \"acc_norm_stderr\": 0.024191808600712995\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.48226950354609927,\n \"acc_stderr\": 0.02980873964223777,\n \"acc_norm\": 0.48226950354609927,\n \"acc_norm_stderr\": 0.02980873964223777\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.47196870925684486,\n \"acc_stderr\": 0.012750151802922438,\n \"acc_norm\": 0.47196870925684486,\n \"acc_norm_stderr\": 0.012750151802922438\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6911764705882353,\n \"acc_stderr\": 0.02806499816704009,\n \"acc_norm\": 0.6911764705882353,\n \"acc_norm_stderr\": 0.02806499816704009\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6764705882352942,\n \"acc_stderr\": 0.018926082916083383,\n \"acc_norm\": 0.6764705882352942,\n \"acc_norm_stderr\": 0.018926082916083383\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6545454545454545,\n \"acc_stderr\": 0.04554619617541054,\n \"acc_norm\": 0.6545454545454545,\n \"acc_norm_stderr\": 0.04554619617541054\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.746938775510204,\n \"acc_stderr\": 0.027833023871399673,\n \"acc_norm\": 0.746938775510204,\n \"acc_norm_stderr\": 0.027833023871399673\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8407960199004975,\n \"acc_stderr\": 0.025870646766169136,\n \"acc_norm\": 0.8407960199004975,\n \"acc_norm_stderr\": 0.025870646766169136\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.86,\n \"acc_stderr\": 0.0348735088019777,\n \"acc_norm\": 0.86,\n \"acc_norm_stderr\": 0.0348735088019777\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5301204819277109,\n \"acc_stderr\": 0.03885425420866767,\n \"acc_norm\": 0.5301204819277109,\n \"acc_norm_stderr\": 0.03885425420866767\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8304093567251462,\n \"acc_stderr\": 0.02878210810540171,\n \"acc_norm\": 0.8304093567251462,\n \"acc_norm_stderr\": 0.02878210810540171\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.43084455324357407,\n \"mc1_stderr\": 0.017335272475332366,\n \"mc2\": 0.5982418830210784,\n \"mc2_stderr\": 0.01515275893598861\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.797947908445146,\n \"acc_stderr\": 0.011285013754047436\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.6929492039423806,\n \"acc_stderr\": 0.01270568572313171\n }\n}\n```", "repo_url": "https://huggingface.co/Abhinav7/NeuralPipe-7B-slerp", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|arc:challenge|25_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|gsm8k|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hellaswag|10_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T11-22-42.602148.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["**/details_harness|winogrande|5_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T11-22-42.602148.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T11_22_42.602148", "path": ["results_2024-01-14T11-22-42.602148.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T11-22-42.602148.parquet"]}]}]} | 2024-01-14T11:25:22+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of Abhinav7/NeuralPipe-7B-slerp
Dataset automatically created during the evaluation run of model Abhinav7/NeuralPipe-7B-slerp on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T11:22:42.602148(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of Abhinav7/NeuralPipe-7B-slerp\n\n\n\nDataset automatically created during the evaluation run of model Abhinav7/NeuralPipe-7B-slerp on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T11:22:42.602148(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of Abhinav7/NeuralPipe-7B-slerp\n\n\n\nDataset automatically created during the evaluation run of model Abhinav7/NeuralPipe-7B-slerp on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T11:22:42.602148(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
187,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of Abhinav7/NeuralPipe-7B-slerp\n\n\n\nDataset automatically created during the evaluation run of model Abhinav7/NeuralPipe-7B-slerp on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T11:22:42.602148(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.04964844882488251,
0.2087009698152542,
-0.005310297477990389,
0.0350000374019146,
0.08855598419904709,
-0.013583552092313766,
0.03651473671197891,
0.1014171689748764,
0.016359176486730576,
0.1831361949443817,
-0.0182025246322155,
0.10896669328212738,
0.07142108678817749,
0.12897655367851257,
0.029048094525933266,
-0.14089122414588928,
0.029285242781043053,
-0.08619175851345062,
0.09223906695842743,
0.08751022815704346,
0.06255442649126053,
-0.08694805204868317,
0.06470760703086853,
-0.022876355797052383,
0.017648354172706604,
-0.017374182119965553,
-0.07721135765314102,
-0.0368795320391655,
0.09742565453052521,
0.11326417326927185,
0.03758164867758751,
-0.026485169306397438,
0.02319619618356228,
-0.2717282474040985,
0.015057867392897606,
0.09735497832298279,
-0.004673192743211985,
0.040775224566459656,
0.14101269841194153,
-0.07158653438091278,
0.10394211113452911,
-0.008534123189747334,
0.07057233899831772,
0.06037292256951332,
-0.11905625462532043,
-0.14636625349521637,
-0.13731136918067932,
0.004622388631105423,
0.06496518850326538,
0.05212806165218353,
-0.037001751363277435,
0.14987221360206604,
-0.055331889539957047,
0.047611869871616364,
0.12304604053497314,
-0.1045059859752655,
-0.02513825334608555,
0.04858805611729622,
0.006800811272114515,
0.059055082499980927,
-0.08997102081775665,
-0.020634610205888748,
0.04292190074920654,
0.051595158874988556,
0.0017916597425937653,
0.016220921650528908,
-0.028067413717508316,
0.014355748891830444,
-0.13829532265663147,
-0.12593302130699158,
0.13658328354358673,
0.0059664505533874035,
-0.040206585079431534,
-0.17866715788841248,
-0.013422412797808647,
0.006300049833953381,
0.002700203098356724,
-0.003937657922506332,
-0.007519206963479519,
-0.02226179651916027,
0.09987585246562958,
-0.00969533808529377,
-0.10502830147743225,
-0.025742221623659134,
-0.015690620988607407,
0.08311855792999268,
0.02209273912012577,
-0.00817230623215437,
0.02074534073472023,
0.11478761583566666,
-0.0026997134555131197,
-0.07180014997720718,
-0.06598902493715286,
-0.054996930062770844,
-0.13147875666618347,
-0.04435811936855316,
0.010653112083673477,
-0.07849264144897461,
0.035210512578487396,
0.21898072957992554,
-0.00856705754995346,
0.028761375695466995,
-0.11920741200447083,
0.010323816910386086,
0.11707054078578949,
0.0623774491250515,
-0.08791512250900269,
-0.02810008078813553,
-0.03692106530070305,
0.035500623285770416,
0.028564229607582092,
-0.013421006500720978,
0.006196598522365093,
0.06700405478477478,
0.027483738958835602,
0.11507929116487503,
0.11329986900091171,
0.03927984461188316,
-0.07927259802818298,
-0.02524896152317524,
0.2182583212852478,
-0.1386876404285431,
-0.017399558797478676,
0.024508662521839142,
-0.04705268144607544,
-0.11934211850166321,
0.061896223574876785,
-0.007132628001272678,
-0.05120009928941727,
0.1331670731306076,
-0.048925094306468964,
-0.0673493817448616,
-0.08361409604549408,
-0.05957020819187164,
0.05465584993362427,
0.03416859358549118,
-0.048912256956100464,
-0.07554011046886444,
-0.0921703428030014,
-0.08436207473278046,
0.03724941983819008,
-0.06829279661178589,
-0.017867151647806168,
0.014522667042911053,
-0.007503625005483627,
-0.015359824523329735,
-0.010658567771315575,
0.1072884202003479,
-0.05485820770263672,
0.03705132007598877,
0.007266990374773741,
0.026006001979112625,
0.102634496986866,
0.04167629033327103,
-0.11649109423160553,
0.07287894189357758,
-0.1451728343963623,
0.09989951550960541,
-0.11339486390352249,
-0.00930972583591938,
-0.1299670934677124,
-0.01535092107951641,
-0.03349318355321884,
0.04267895594239235,
-0.02513171173632145,
0.08006627857685089,
-0.2196107804775238,
0.0015424905577674508,
0.1536116898059845,
-0.11824631690979004,
-0.08002805709838867,
0.09504988044500351,
-0.04968313127756119,
0.06572721153497696,
0.038441456854343414,
0.11521586030721664,
0.0801265686750412,
-0.0681447982788086,
-0.09481251239776611,
-0.08231806755065918,
-0.03378942608833313,
0.1672864556312561,
0.059023045003414154,
-0.0742236077785492,
0.0963703840970993,
0.050113655626773834,
-0.008093609474599361,
-0.07223151624202728,
0.002468265127390623,
-0.0685538500547409,
-0.00882764719426632,
-0.07302425801753998,
-0.041773468255996704,
0.0009396583773195744,
-0.0722571611404419,
-0.011581376194953918,
-0.08984056115150452,
-0.01783563941717148,
0.0962345153093338,
-0.0231645405292511,
0.0076606906950473785,
-0.07524450123310089,
0.024598725140094757,
0.004113105591386557,
0.015845000743865967,
-0.22016087174415588,
-0.09477511048316956,
0.030834972858428955,
-0.18449148535728455,
0.0625695139169693,
0.031547605991363525,
0.007745368406176567,
0.044200316071510315,
-0.010326655581593513,
0.02844543755054474,
0.02604355663061142,
-0.015912730246782303,
-0.004156284965574741,
-0.14179012179374695,
-0.04829894006252289,
-0.08693238347768784,
0.0900375097990036,
-0.1560545563697815,
-0.01713656261563301,
0.059613242745399475,
0.16276121139526367,
0.020044269040226936,
-0.08154430985450745,
0.06846876442432404,
0.011686854064464569,
-0.04622846096754074,
-0.04948694258928299,
-0.0016253648791462183,
-0.038839127868413925,
0.030255498364567757,
0.021401401609182358,
-0.20275425910949707,
-0.11101256310939789,
0.07054388523101807,
0.11607284843921661,
-0.07903128862380981,
-0.09292087703943253,
-0.06172839552164078,
-0.06574705988168716,
-0.08419977873563766,
-0.06581995636224747,
0.09363029152154922,
0.09263929724693298,
0.04166790843009949,
-0.0664752796292305,
-0.04870091378688812,
0.010252279229462147,
0.05811181291937828,
-0.06619590520858765,
0.10810196399688721,
0.07784398645162582,
-0.08023105561733246,
0.10084579885005951,
-0.045495279133319855,
0.09667441993951797,
0.06458908319473267,
0.03044808655977249,
-0.10061021894216537,
0.002661295933648944,
0.065582275390625,
0.04757140576839447,
0.07233093678951263,
-0.04720136150717735,
0.03549565002322197,
0.08227383345365524,
-0.021205462515354156,
0.04007439687848091,
-0.06515683978796005,
0.03303992748260498,
0.02929932065308094,
0.010555647313594818,
0.027077652513980865,
0.010899778455495834,
0.013140753842890263,
0.0780825987458229,
0.01830604299902916,
0.09161598980426788,
-0.01812932640314102,
-0.04882385954260826,
-0.09824514389038086,
0.14568835496902466,
-0.08956409245729446,
-0.29246485233306885,
-0.1647406369447708,
-0.03509366884827614,
-0.038904819637537,
-0.01006938237696886,
0.055927664041519165,
-0.015508493408560753,
-0.10989311337471008,
-0.10554800182580948,
0.048807136714458466,
0.038788121193647385,
-0.13658469915390015,
-0.05519721657037735,
0.06256590783596039,
0.0008085236186161637,
-0.1569746434688568,
0.04677114263176918,
0.04621921852231026,
-0.05491625517606735,
0.004425664898008108,
0.08042246103286743,
0.1089497059583664,
0.09546662867069244,
0.07511183619499207,
-0.023136280477046967,
-0.007716869469732046,
0.16750335693359375,
-0.11769881844520569,
0.03252566233277321,
0.09902623295783997,
-0.05327557772397995,
0.061629265546798706,
0.18358808755874634,
0.01436228584498167,
-0.09145869314670563,
0.061852019280195236,
0.09124501049518585,
-0.060307689011096954,
-0.251058429479599,
-0.12073109298944473,
-0.030579864978790283,
0.006810791790485382,
0.11509304493665695,
0.06611715257167816,
0.02555881254374981,
0.014412447810173035,
-0.11399202048778534,
-0.032557517290115356,
-0.056097619235515594,
0.07366612553596497,
0.09320797026157379,
-0.0047622923739254475,
0.04663986712694168,
-0.03989923745393753,
0.009246677160263062,
0.10955139994621277,
0.04079105332493782,
0.15841029584407806,
-0.0438874214887619,
0.17757880687713623,
0.08297361433506012,
0.07161280512809753,
-0.03122461959719658,
0.037478841841220856,
-0.008555153384804726,
0.052952494472265244,
-0.014189204201102257,
-0.10432460159063339,
-0.06014657020568848,
0.11409741640090942,
0.033690933138132095,
-0.07071606069803238,
0.0447746142745018,
-0.07288900762796402,
0.03933978080749512,
0.1742808222770691,
-0.021291011944413185,
-0.14231857657432556,
-0.05566629767417908,
0.048305444419384,
-0.035551365464925766,
-0.09678972512483597,
-0.0011447970755398273,
0.08135959506034851,
-0.13890457153320312,
0.015335321426391602,
-0.0454849973320961,
0.0790296196937561,
-0.13401904702186584,
-0.020859859883785248,
-0.020767878741025925,
0.04722970724105835,
-0.0018363813869655132,
0.12378961592912674,
-0.13284127414226532,
0.10494611412286758,
-0.0016944145318120718,
0.02316933125257492,
-0.105124831199646,
0.049897193908691406,
-0.02998204529285431,
-0.055555835366249084,
0.13105550408363342,
-0.014596781693398952,
-0.12478987872600555,
-0.05105799809098244,
-0.10872223973274231,
-0.012366279028356075,
0.05723574012517929,
-0.09155792742967606,
0.10237420350313187,
0.02954232133924961,
-0.023296736180782318,
-0.03503808006644249,
-0.01813444495201111,
-0.11070359498262405,
-0.24399103224277496,
0.11296509206295013,
-0.10413409769535065,
0.0618850439786911,
-0.06388095021247864,
-0.05248323455452919,
-0.033446624875068665,
0.15500837564468384,
-0.07678809016942978,
-0.05716477334499359,
-0.10948187112808228,
0.003587818704545498,
0.19323156774044037,
-0.04526195675134659,
0.060763828456401825,
-0.03854028880596161,
0.1810547411441803,
-0.016120892018079758,
-0.03568483889102936,
0.0031510479748249054,
-0.08865801990032196,
-0.1820404827594757,
-0.050428859889507294,
0.1158689558506012,
0.07649186253547668,
0.020916279405355453,
-0.005759996362030506,
0.020889680832624435,
0.017697684466838837,
-0.08940404653549194,
0.03311030939221382,
0.11898955702781677,
0.11615020036697388,
0.04365301877260208,
-0.02435191348195076,
-0.12984102964401245,
-0.1132267564535141,
-0.10336701571941376,
0.04593173786997795,
0.16367056965827942,
-0.06213691085577011,
0.16501320898532867,
0.15418779850006104,
-0.08945143222808838,
-0.1826036274433136,
-0.05393477529287338,
0.0308538768440485,
-0.02581082470715046,
0.12480428814888,
-0.21246692538261414,
0.07346802949905396,
0.06893092393875122,
-0.030055373907089233,
0.12611699104309082,
-0.24960114061832428,
-0.13363254070281982,
0.04095366597175598,
0.036087263375520706,
-0.23577004671096802,
-0.1692649871110916,
-0.1036989688873291,
-0.02827627584338188,
-0.15826110541820526,
0.11996941268444061,
0.04276306554675102,
0.031591955572366714,
-0.02134493738412857,
0.10404594242572784,
0.061835888773202896,
-0.07065703719854355,
0.12922672927379608,
-0.012653364799916744,
0.020071597769856453,
-0.10081351548433304,
-0.04168850928544998,
0.005796571262180805,
-0.03687874972820282,
0.07947348058223724,
0.028963852673768997,
0.04994462430477142,
-0.07411631941795349,
-0.04036352038383484,
-0.06951531767845154,
0.048507995903491974,
-0.06587639451026917,
-0.05582365021109581,
-0.07204163819551468,
0.09186026453971863,
0.0789998471736908,
-0.004182314034551382,
0.014521382749080658,
-0.05267907306551933,
0.04857869818806648,
0.22707773745059967,
0.10848124325275421,
0.05452428013086319,
-0.1043839156627655,
-0.031066760420799255,
-0.014215751551091671,
-0.0005387391429394484,
-0.11684788763523102,
0.044044435024261475,
0.09609794616699219,
0.03499879315495491,
0.0908232182264328,
-0.024740949273109436,
-0.18602100014686584,
0.00014323648065328598,
0.0840492844581604,
-0.09236328303813934,
-0.20427581667900085,
0.033865638077259064,
0.17249232530593872,
-0.15259496867656708,
-0.06399817019701004,
0.07856370508670807,
0.01259079109877348,
-0.035535287111997604,
0.004620257765054703,
0.07630361616611481,
0.06322627514600754,
0.10435530543327332,
0.011317990720272064,
0.053469665348529816,
-0.07046034932136536,
0.08516918867826462,
0.1434350311756134,
-0.1288672834634781,
0.015268642455339432,
0.03657204657793045,
-0.057017646729946136,
-0.07133977115154266,
-0.016974106431007385,
-0.004345099441707134,
0.020048435777425766,
-0.03994259238243103,
0.029113497585058212,
-0.01633283868432045,
0.05280232056975365,
0.12061397731304169,
0.003200528444722295,
0.03697271645069122,
0.01504405215382576,
-0.004626579582691193,
-0.06496595591306686,
0.10879525542259216,
0.02718273550271988,
0.04871438443660736,
-0.04488835856318474,
0.023943018168210983,
0.010610727593302727,
-0.029741358011960983,
0.016574859619140625,
-0.05001908540725708,
-0.06284776329994202,
0.004510338883846998,
-0.15927892923355103,
0.05478636920452118,
-0.08578451722860336,
0.002307554939761758,
0.011054360307753086,
-0.021070946007966995,
-0.006232552696019411,
0.00704902783036232,
-0.08181929588317871,
-0.04333757609128952,
-0.039991602301597595,
0.12688900530338287,
-0.19116340577602386,
-0.0042958445847034454,
0.0893506109714508,
-0.0661366879940033,
0.0714118555188179,
-0.006115244701504707,
-0.023687949404120445,
0.0216103233397007,
-0.0866057276725769,
-0.003465647343546152,
-0.02226157858967781,
0.0632096454501152,
0.009435281157493591,
-0.14585497975349426,
-0.014345729723572731,
0.0009635533206164837,
-0.07291758060455322,
-0.011050187051296234,
0.03424668312072754,
-0.16247902810573578,
0.0479547381401062,
0.08185020089149475,
-0.050113238394260406,
-0.044441498816013336,
0.04164566844701767,
0.03962058201432228,
-0.008369061164557934,
0.10262112319469452,
-0.008069124072790146,
0.03532817214727402,
-0.1386386603116989,
-0.04053482413291931,
-0.004108891822397709,
0.007311916910111904,
0.04448218643665314,
0.023645296692848206,
0.024282779544591904,
-0.0018320089438930154,
0.22256609797477722,
-0.010140977799892426,
0.028969455510377884,
0.022417236119508743,
-0.018010172992944717,
-0.030821505934000015,
0.031040355563163757,
0.019171617925167084,
0.004667522851377726,
0.01798303797841072,
0.021321915090084076,
-0.03509223461151123,
-0.06494323164224625,
-0.014904322102665901,
0.06307531893253326,
0.13996738195419312,
0.14961200952529907,
-0.03656277060508728,
0.0631742998957634,
-0.15768525004386902,
-0.05940498411655426,
0.035520024597644806,
-0.05933494120836258,
0.05288996547460556,
-0.0771142840385437,
0.06663059443235397,
0.08678653836250305,
-0.09145490825176239,
0.14656729996204376,
-0.06559473276138306,
-0.031059913337230682,
-0.026522759348154068,
-0.18129780888557434,
-0.04123562574386597,
0.012788627296686172,
0.006796275731176138,
-0.08739849925041199,
0.11262114346027374,
0.12556609511375427,
-0.00897970050573349,
-0.011339858174324036,
0.10754212737083435,
-0.050977420061826706,
-0.05497889965772629,
-0.0207640640437603,
0.00591545645147562,
0.008141723461449146,
0.006403652019798756,
0.07870303839445114,
0.014195309951901436,
0.05190695822238922,
0.07278253138065338,
0.09875412285327911,
0.028906941413879395,
0.009058221243321896,
-0.03874592483043671,
-0.05677570030093193,
0.0030604852363467216,
-0.019746698439121246,
-0.05680309608578682,
0.1972443163394928,
0.04936598986387253,
0.012621408328413963,
0.0058668372221291065,
0.2135082483291626,
-0.01138579286634922,
-0.059663932770490646,
-0.13364064693450928,
0.1483265459537506,
-0.005080875009298325,
0.02064342424273491,
0.017060410231351852,
-0.11931085586547852,
0.0310438834130764,
0.1663382202386856,
0.10155496746301651,
0.042342398315668106,
0.0031653535552322865,
0.039175063371658325,
0.02504010498523712,
-0.03641979396343231,
0.05513598024845123,
0.02736862376332283,
0.22189733386039734,
-0.0575387217104435,
0.06414008885622025,
-0.009955504909157753,
-0.007490437012165785,
-0.026199085637927055,
0.07876071333885193,
-0.03898482024669647,
0.01728951372206211,
-0.07507729530334473,
0.09655901789665222,
-0.06881526857614517,
-0.25287553668022156,
-0.019391212612390518,
-0.07541412115097046,
-0.14068183302879333,
-0.017409004271030426,
0.04074807092547417,
-0.01565929874777794,
0.04516351968050003,
0.02523874305188656,
-0.030679386109113693,
0.1862710416316986,
0.0026083188131451607,
-0.07738283276557922,
-0.06133608520030975,
0.06465744972229004,
-0.0439433716237545,
0.28258851170539856,
-0.005708342883735895,
0.06834930926561356,
0.09520462155342102,
-0.027058232575654984,
-0.1373831033706665,
0.024666491895914078,
0.09305427223443985,
-0.059964947402477264,
0.0648304671049118,
0.18135923147201538,
-0.014735967852175236,
0.1417822539806366,
0.0395938940346241,
-0.025626732036471367,
0.06956037878990173,
0.05832093209028244,
0.04782005771994591,
-0.0989304780960083,
0.07882887870073318,
-0.08642825484275818,
0.13561703264713287,
0.11388181895017624,
-0.016997944563627243,
-0.01249990426003933,
-0.05400901287794113,
0.059306398034095764,
-0.02686367556452751,
0.1535397171974182,
-0.01820952072739601,
-0.16431379318237305,
0.039644911885261536,
0.012283751741051674,
0.05503690242767334,
-0.24196554720401764,
-0.05429691821336746,
0.10661430656909943,
-0.051371004432439804,
0.018797513097524643,
0.08862853050231934,
0.046485960483551025,
0.022242076694965363,
-0.06023859977722168,
-0.10538969933986664,
0.00595975061878562,
0.1164681687951088,
-0.08453202247619629,
-0.039674222469329834
] |
d9fa0f22444cdacd366b8596557f19ecf043542a |
# Dataset of painleve/パンルヴェ/伴尔维 (Azur Lane)
This is the dataset of painleve/パンルヴェ/伴尔维 (Azur Lane), containing 29 images and their tags.
The core tags of this character are `blonde_hair, blue_eyes, long_hair, breasts, large_breasts, bangs, very_long_hair, hairband`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 29 | 47.81 MiB | [Download](https://huggingface.co/datasets/CyberHarem/painleve_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 29 | 23.25 MiB | [Download](https://huggingface.co/datasets/CyberHarem/painleve_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 69 | 48.57 MiB | [Download](https://huggingface.co/datasets/CyberHarem/painleve_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 29 | 39.77 MiB | [Download](https://huggingface.co/datasets/CyberHarem/painleve_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 69 | 73.07 MiB | [Download](https://huggingface.co/datasets/CyberHarem/painleve_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/painleve_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 19 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, tiara, white_gloves, dress, blush, closed_mouth, elbow_gloves |
| 1 | 10 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, looking_at_viewer, ponytail, bare_shoulders, hair_ornament, solo, black_choker, blush, ass, parted_lips, sports_bra, yoga_pants, black_pants, sweat, from_behind, indoors, looking_back, window |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | tiara | white_gloves | dress | blush | closed_mouth | elbow_gloves | ponytail | bare_shoulders | hair_ornament | black_choker | ass | parted_lips | sports_bra | yoga_pants | black_pants | sweat | from_behind | indoors | looking_back | window |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:--------|:---------------|:--------|:--------|:---------------|:---------------|:-----------|:-----------------|:----------------|:---------------|:------|:--------------|:-------------|:-------------|:--------------|:--------|:--------------|:----------|:---------------|:---------|
| 0 | 19 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | |
| 1 | 10 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | | | | X | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/painleve_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:25:39+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:32:13+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of painleve/パンルヴェ/伴尔维 (Azur Lane)
=========================================
This is the dataset of painleve/パンルヴェ/伴尔维 (Azur Lane), containing 29 images and their tags.
The core tags of this character are 'blonde\_hair, blue\_eyes, long\_hair, breasts, large\_breasts, bangs, very\_long\_hair, hairband', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
ee802a7a3b51d96363bc424b44f8679b5c9e27fa |
# Dataset of bellona/ベローナ/司战女神 (Azur Lane)
This is the dataset of bellona/ベローナ/司战女神 (Azur Lane), containing 52 images and their tags.
The core tags of this character are `breasts, short_hair, hair_between_eyes, large_breasts, bangs, purple_eyes, grey_hair, maid_headdress, purple_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:-----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 52 | 72.39 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bellona_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 52 | 36.16 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bellona_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 129 | 79.36 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bellona_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 52 | 61.63 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bellona_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 129 | 118.72 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bellona_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/bellona_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 26 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, looking_at_viewer, underboob_cutout, black_dress, smile, official_alternate_costume, white_gloves, closed_mouth, simple_background, white_background, standing, white_apron, juliet_sleeves, maid_apron |
| 1 | 7 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | crop_top, midriff, navel, 1girl, long_sleeves, smile, white_background, cowboy_shot, looking_at_viewer, pants, simple_background, solo, stomach, collarbone, sweater, denim, holding, standing, white_shirt |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | looking_at_viewer | underboob_cutout | black_dress | smile | official_alternate_costume | white_gloves | closed_mouth | simple_background | white_background | standing | white_apron | juliet_sleeves | maid_apron | crop_top | midriff | navel | long_sleeves | cowboy_shot | pants | stomach | collarbone | sweater | denim | holding | white_shirt |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:--------------------|:-------------------|:--------------|:--------|:-----------------------------|:---------------|:---------------|:--------------------|:-------------------|:-----------|:--------------|:-----------------|:-------------|:-----------|:----------|:--------|:---------------|:--------------|:--------|:----------|:-------------|:----------|:--------|:----------|:--------------|
| 0 | 26 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | |
| 1 | 7 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | | | X | | | | X | X | X | | | | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/bellona_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:25:41+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:42:07+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of bellona/ベローナ/司战女神 (Azur Lane)
========================================
This is the dataset of bellona/ベローナ/司战女神 (Azur Lane), containing 52 images and their tags.
The core tags of this character are 'breasts, short\_hair, hair\_between\_eyes, large\_breasts, bangs, purple\_eyes, grey\_hair, maid\_headdress, purple\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
0055800b84d1147a52d40acbcaa6fc69e5f66395 |
<h1 align="center">🌸 Synthetic Haiku Prompts 🌸</h1>
<p align="center">
<img src="https://cdn-uploads.huggingface.co/production/uploads/60107b385ac3e86b3ea4fc34/nmz7lvu64BytxDvPMm1C5.png" alt="Banner for a dataset card featuring a fusion of digital and traditional Japanese elements. The design includes stylized digital prompts and haikus within text bubbles and on digital screens, set against a backdrop of delicate cherry blossoms and a serene Japanese landscape. The color scheme is dominated by soft pastel pink tones, creating a harmonious blend of modern technology and classical poetry aesthetics." width="500">
</p>
<p align="center"><em>In data's embrace,<br>Synthetic haiku wishes bloom,<br>
Code-born poetry.<br>
</em></p>
# Dataset Card for Synthetic Haiku Prompts
[<img src="https://raw.githubusercontent.com/argilla-io/distilabel/main/docs/assets/distilabel-badge-light.png" alt="Built with Distilabel" width="200" height="32"/>](https://github.com/argilla-io/distilabel)
## Dataset Details
This is a dataset of synthetic prompts that aims to replicate user requests to a chat model for a haiku about a given topic. The data was generated using the [distilabel](https://github.com/argilla-io/distilabel) library using [teknium](https://huggingface.co/teknium)'s [OpenHermes-2.5-Mistral-7B](https://huggingface.co/teknium/OpenHermes-2.5-Mistral-7B) model. The prompts were generated from a seed list of terms and an adapted version of the [SELF-INSTRUCT](https://arxiv.org/abs/2212.10560) papers prompting strategy.
This dataset was primarily constructed as part of a broader project to explore the extent to which open models and Direct Preference Optimization (DPO) can be used to generate synthetic data that can be used to effectively cultivate desired behavior in language models (in this case the ability to write haikus). The project is a WIP and is primarily a learning exercise for the author, but the dataset is being released in the hopes that it may be useful to others. You can also find the code used to generate the dataset [here](https://github.com/davanstrien/haiku-dpo). The main dataset for this project is at [davanstrien/haiku_dpo](https://huggingface.co/datasets/davanstrien/haiku_dpo).
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** Daniel van Strien
- **Language(s) (NLP):** English (synthetically generated)
- **License:** CC-BY-4.0
### Dataset Sources
- **Repository:** https://github.com/davanstrien/haiku-dpo
## Uses
### Direct Use
This dataset can be used to generate haikus about a given topic. The prompts are used as part of a wider project that uses these prompts as seeds to generate haikus.
### Out-of-Scope Use
This dataset is primarily intended for my own and others' learning. You could use it for other purposes but before doing this, I would suggest you validate the prompts to ensure that they are suitable for your use case.
## Dataset Structure
This dataset has one split and a single configuration. A single row of the dataset looks like this:
```python
{'instructions': 'Can you compose a haiku about the serenity of mountain peaks?'}
```
## Dataset Creation
This dataset was constructed using the [distilabel](https://github.com/argilla-io/distilabel) library. It used a slightly modified version of the approach outlined in the SELF-INSTRUCT paper. The application description used was:
```python
application_description = (
"An AI assistant adept at writing Haikus. "
"It expects complete suggestions from users providing details of the kind of haiku they want. "
"The AI assistant will help users write haikus about particular topics and is willing to accept requests related to a specific subject or object or a more abstract request"
"based on an emotion, theme or vibe."
)
```
The main difference between this approach and the SELF-INSTRUCT approach is that I reformulated the task description to be more specific to the haiku generation task i.e. not asking for prompts to include step-by-step instructions. The following task description was used:
```python
"# Task Description
Develop {{ num_instructions }} user queries that can be received by the given AI application and applicable to the provided context. Emphasize diversity in verbs and linguistic structures within the model's textual capabilities.
# Criteria for Queries
Incorporate a diverse range of verbs, avoiding repetition.
Ensure queries are compatible with AI model's text generation functions and are limited to 1-2 sentences.
Design queries to be self-contained and standalone.
# AI Application
{{ application_description }}
# Context
{{ input }}
```
### Curation Rationale
This dataset was created as part of a larger effort to create a DPO dataset aimed at making LLMs better at writing haikus. This dataset is shared separately since it could be used independently of the other dataset.
#### Data Collection and Processing
No human annotators were used in the creation of this dataset. The original seed prompts were created by Daniel van Strien with help from ChatGPT-4 (used via the web interface). The actual prompts were created by [tekium](https://huggingface.co/teknium)'s [OpenHermes-2.5-Mistral-7B](https://huggingface.co/teknium/OpenHermes-2.5-Mistral-7B) model.
#### Personal and Sensitive Information
It is very unlikely that this dataset contains any personal or sensitive information, but if you find any prompts that you believe to be harmful, please open a discussion and I will remove them from the dataset.
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
Whilst I have not found any harmful prompts in the dataset, I have not manually validated all of the prompts. If you find any prompts which you believe to be harmful, please open a discussion and I will remove them from the dataset.
### Recommendations
The original seed prompts used to generate this dataset are by no means comprehensive, and the dataset is likely to be biased toward the topics covered by the seed prompts. If you would like to see more prompts about a particular topic, please open a discussion and I will add them to the seed list. In general, I focused on prompts that were more geared towards "traditional" haiku topics i.e. the natural world and the impermanence of life. If you want to use these prompts to generate a dataset of haikus about other topics, you may want to consider adding prompts that are more relevant to those topics.
## Citation
I have zero expectation that this dataset will be cited, but if you do use it in your work, please cite it as follows:
**BibTeX:**
```bibtex
@misc{vanstrien2024synthetichaikuprompts,
author = {van Strien, Daniel},
title = {Synthetic Haiku Prompts},
year = {2024},
publisher = {Hugging Face},
howpublished = {\url{https://huggingface.co/datasets/davanstrien/haiku_prompts}}
}
```
## Glossary
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
- DPO/Direct Preference Optimization: Introduced in [*Direct Preference Optimization: Your Language Model is Secretly a Reward Model*](https://huggingface.co/papers/2305.18290)
- SELF-INSTRUCT: A prompting strategy introduced in [*Self-Instruct: Aligning Language Model with Self Generated Instructions*](https://huggingface.co/papers/2212.10560)
## Dataset Card Authors
[davanstrien](https://huggingface.co/davanstrien)
## Dataset Card Contact
[davanstrien](https://huggingface.co/davanstrien) | davanstrien/haiku_prompts | [
"task_categories:text-generation",
"size_categories:1K<n<10K",
"language:en",
"license:cc-by-4.0",
"poetry",
"haiku",
"synthetic",
"distilabel",
"arxiv:2212.10560",
"arxiv:2305.18290",
"region:us"
] | 2024-01-14T11:35:13+00:00 | {"language": ["en"], "license": "cc-by-4.0", "size_categories": ["1K<n<10K"], "task_categories": ["text-generation"], "pretty_name": "Synthetic Haiku Prompts", "dataset_info": {"features": [{"name": "instructions", "dtype": "string"}], "splits": [{"name": "train", "num_bytes": 280969, "num_examples": 4303}], "download_size": 95440, "dataset_size": 280969}, "configs": [{"config_name": "default", "data_files": [{"split": "train", "path": "data/train-*"}]}], "tags": ["poetry", "haiku", "synthetic", "distilabel"]} | 2024-01-15T16:26:38+00:00 | [
"2212.10560",
"2305.18290"
] | [
"en"
] | TAGS
#task_categories-text-generation #size_categories-1K<n<10K #language-English #license-cc-by-4.0 #poetry #haiku #synthetic #distilabel #arxiv-2212.10560 #arxiv-2305.18290 #region-us
|
<h1 align="center"> Synthetic Haiku Prompts </h1>
<p align="center">
<img src="URL alt="Banner for a dataset card featuring a fusion of digital and traditional Japanese elements. The design includes stylized digital prompts and haikus within text bubbles and on digital screens, set against a backdrop of delicate cherry blossoms and a serene Japanese landscape. The color scheme is dominated by soft pastel pink tones, creating a harmonious blend of modern technology and classical poetry aesthetics." width="500">
</p>
<p align="center"><em>In data's embrace,<br>Synthetic haiku wishes bloom,<br>
Code-born poetry.<br>
</em></p>
# Dataset Card for Synthetic Haiku Prompts
<img src="URL alt="Built with Distilabel" width="200" height="32"/>
## Dataset Details
This is a dataset of synthetic prompts that aims to replicate user requests to a chat model for a haiku about a given topic. The data was generated using the distilabel library using teknium's OpenHermes-2.5-Mistral-7B model. The prompts were generated from a seed list of terms and an adapted version of the SELF-INSTRUCT papers prompting strategy.
This dataset was primarily constructed as part of a broader project to explore the extent to which open models and Direct Preference Optimization (DPO) can be used to generate synthetic data that can be used to effectively cultivate desired behavior in language models (in this case the ability to write haikus). The project is a WIP and is primarily a learning exercise for the author, but the dataset is being released in the hopes that it may be useful to others. You can also find the code used to generate the dataset here. The main dataset for this project is at davanstrien/haiku_dpo.
### Dataset Description
- Curated by: Daniel van Strien
- Language(s) (NLP): English (synthetically generated)
- License: CC-BY-4.0
### Dataset Sources
- Repository: URL
## Uses
### Direct Use
This dataset can be used to generate haikus about a given topic. The prompts are used as part of a wider project that uses these prompts as seeds to generate haikus.
### Out-of-Scope Use
This dataset is primarily intended for my own and others' learning. You could use it for other purposes but before doing this, I would suggest you validate the prompts to ensure that they are suitable for your use case.
## Dataset Structure
This dataset has one split and a single configuration. A single row of the dataset looks like this:
## Dataset Creation
This dataset was constructed using the distilabel library. It used a slightly modified version of the approach outlined in the SELF-INSTRUCT paper. The application description used was:
The main difference between this approach and the SELF-INSTRUCT approach is that I reformulated the task description to be more specific to the haiku generation task i.e. not asking for prompts to include step-by-step instructions. The following task description was used:
### Curation Rationale
This dataset was created as part of a larger effort to create a DPO dataset aimed at making LLMs better at writing haikus. This dataset is shared separately since it could be used independently of the other dataset.
#### Data Collection and Processing
No human annotators were used in the creation of this dataset. The original seed prompts were created by Daniel van Strien with help from ChatGPT-4 (used via the web interface). The actual prompts were created by tekium's OpenHermes-2.5-Mistral-7B model.
#### Personal and Sensitive Information
It is very unlikely that this dataset contains any personal or sensitive information, but if you find any prompts that you believe to be harmful, please open a discussion and I will remove them from the dataset.
## Bias, Risks, and Limitations
Whilst I have not found any harmful prompts in the dataset, I have not manually validated all of the prompts. If you find any prompts which you believe to be harmful, please open a discussion and I will remove them from the dataset.
### Recommendations
The original seed prompts used to generate this dataset are by no means comprehensive, and the dataset is likely to be biased toward the topics covered by the seed prompts. If you would like to see more prompts about a particular topic, please open a discussion and I will add them to the seed list. In general, I focused on prompts that were more geared towards "traditional" haiku topics i.e. the natural world and the impermanence of life. If you want to use these prompts to generate a dataset of haikus about other topics, you may want to consider adding prompts that are more relevant to those topics.
I have zero expectation that this dataset will be cited, but if you do use it in your work, please cite it as follows:
BibTeX:
## Glossary
- DPO/Direct Preference Optimization: Introduced in *Direct Preference Optimization: Your Language Model is Secretly a Reward Model*
- SELF-INSTRUCT: A prompting strategy introduced in *Self-Instruct: Aligning Language Model with Self Generated Instructions*
## Dataset Card Authors
davanstrien
## Dataset Card Contact
davanstrien | [
"# Dataset Card for Synthetic Haiku Prompts\n\n<img src=\"URL alt=\"Built with Distilabel\" width=\"200\" height=\"32\"/>",
"## Dataset Details\n\nThis is a dataset of synthetic prompts that aims to replicate user requests to a chat model for a haiku about a given topic. The data was generated using the distilabel library using teknium's OpenHermes-2.5-Mistral-7B model. The prompts were generated from a seed list of terms and an adapted version of the SELF-INSTRUCT papers prompting strategy.\n\nThis dataset was primarily constructed as part of a broader project to explore the extent to which open models and Direct Preference Optimization (DPO) can be used to generate synthetic data that can be used to effectively cultivate desired behavior in language models (in this case the ability to write haikus). The project is a WIP and is primarily a learning exercise for the author, but the dataset is being released in the hopes that it may be useful to others. You can also find the code used to generate the dataset here. The main dataset for this project is at davanstrien/haiku_dpo.",
"### Dataset Description\n\n\n\n- Curated by: Daniel van Strien\n- Language(s) (NLP): English (synthetically generated)\n- License: CC-BY-4.0",
"### Dataset Sources \n\n- Repository: URL",
"## Uses",
"### Direct Use\n\nThis dataset can be used to generate haikus about a given topic. The prompts are used as part of a wider project that uses these prompts as seeds to generate haikus.",
"### Out-of-Scope Use\n\nThis dataset is primarily intended for my own and others' learning. You could use it for other purposes but before doing this, I would suggest you validate the prompts to ensure that they are suitable for your use case.",
"## Dataset Structure\n\nThis dataset has one split and a single configuration. A single row of the dataset looks like this:",
"## Dataset Creation\n\nThis dataset was constructed using the distilabel library. It used a slightly modified version of the approach outlined in the SELF-INSTRUCT paper. The application description used was: \n\n\n\n\nThe main difference between this approach and the SELF-INSTRUCT approach is that I reformulated the task description to be more specific to the haiku generation task i.e. not asking for prompts to include step-by-step instructions. The following task description was used:",
"### Curation Rationale\n\nThis dataset was created as part of a larger effort to create a DPO dataset aimed at making LLMs better at writing haikus. This dataset is shared separately since it could be used independently of the other dataset.",
"#### Data Collection and Processing\n\nNo human annotators were used in the creation of this dataset. The original seed prompts were created by Daniel van Strien with help from ChatGPT-4 (used via the web interface). The actual prompts were created by tekium's OpenHermes-2.5-Mistral-7B model.",
"#### Personal and Sensitive Information\n\nIt is very unlikely that this dataset contains any personal or sensitive information, but if you find any prompts that you believe to be harmful, please open a discussion and I will remove them from the dataset.",
"## Bias, Risks, and Limitations\n\n\n\nWhilst I have not found any harmful prompts in the dataset, I have not manually validated all of the prompts. If you find any prompts which you believe to be harmful, please open a discussion and I will remove them from the dataset.",
"### Recommendations\n\nThe original seed prompts used to generate this dataset are by no means comprehensive, and the dataset is likely to be biased toward the topics covered by the seed prompts. If you would like to see more prompts about a particular topic, please open a discussion and I will add them to the seed list. In general, I focused on prompts that were more geared towards \"traditional\" haiku topics i.e. the natural world and the impermanence of life. If you want to use these prompts to generate a dataset of haikus about other topics, you may want to consider adding prompts that are more relevant to those topics. \n\nI have zero expectation that this dataset will be cited, but if you do use it in your work, please cite it as follows:\n\nBibTeX:",
"## Glossary \n\n\n\n- DPO/Direct Preference Optimization: Introduced in *Direct Preference Optimization: Your Language Model is Secretly a Reward Model*\n- SELF-INSTRUCT: A prompting strategy introduced in *Self-Instruct: Aligning Language Model with Self Generated Instructions*",
"## Dataset Card Authors\n\ndavanstrien",
"## Dataset Card Contact\n\ndavanstrien"
] | [
"TAGS\n#task_categories-text-generation #size_categories-1K<n<10K #language-English #license-cc-by-4.0 #poetry #haiku #synthetic #distilabel #arxiv-2212.10560 #arxiv-2305.18290 #region-us \n",
"# Dataset Card for Synthetic Haiku Prompts\n\n<img src=\"URL alt=\"Built with Distilabel\" width=\"200\" height=\"32\"/>",
"## Dataset Details\n\nThis is a dataset of synthetic prompts that aims to replicate user requests to a chat model for a haiku about a given topic. The data was generated using the distilabel library using teknium's OpenHermes-2.5-Mistral-7B model. The prompts were generated from a seed list of terms and an adapted version of the SELF-INSTRUCT papers prompting strategy.\n\nThis dataset was primarily constructed as part of a broader project to explore the extent to which open models and Direct Preference Optimization (DPO) can be used to generate synthetic data that can be used to effectively cultivate desired behavior in language models (in this case the ability to write haikus). The project is a WIP and is primarily a learning exercise for the author, but the dataset is being released in the hopes that it may be useful to others. You can also find the code used to generate the dataset here. The main dataset for this project is at davanstrien/haiku_dpo.",
"### Dataset Description\n\n\n\n- Curated by: Daniel van Strien\n- Language(s) (NLP): English (synthetically generated)\n- License: CC-BY-4.0",
"### Dataset Sources \n\n- Repository: URL",
"## Uses",
"### Direct Use\n\nThis dataset can be used to generate haikus about a given topic. The prompts are used as part of a wider project that uses these prompts as seeds to generate haikus.",
"### Out-of-Scope Use\n\nThis dataset is primarily intended for my own and others' learning. You could use it for other purposes but before doing this, I would suggest you validate the prompts to ensure that they are suitable for your use case.",
"## Dataset Structure\n\nThis dataset has one split and a single configuration. A single row of the dataset looks like this:",
"## Dataset Creation\n\nThis dataset was constructed using the distilabel library. It used a slightly modified version of the approach outlined in the SELF-INSTRUCT paper. The application description used was: \n\n\n\n\nThe main difference between this approach and the SELF-INSTRUCT approach is that I reformulated the task description to be more specific to the haiku generation task i.e. not asking for prompts to include step-by-step instructions. The following task description was used:",
"### Curation Rationale\n\nThis dataset was created as part of a larger effort to create a DPO dataset aimed at making LLMs better at writing haikus. This dataset is shared separately since it could be used independently of the other dataset.",
"#### Data Collection and Processing\n\nNo human annotators were used in the creation of this dataset. The original seed prompts were created by Daniel van Strien with help from ChatGPT-4 (used via the web interface). The actual prompts were created by tekium's OpenHermes-2.5-Mistral-7B model.",
"#### Personal and Sensitive Information\n\nIt is very unlikely that this dataset contains any personal or sensitive information, but if you find any prompts that you believe to be harmful, please open a discussion and I will remove them from the dataset.",
"## Bias, Risks, and Limitations\n\n\n\nWhilst I have not found any harmful prompts in the dataset, I have not manually validated all of the prompts. If you find any prompts which you believe to be harmful, please open a discussion and I will remove them from the dataset.",
"### Recommendations\n\nThe original seed prompts used to generate this dataset are by no means comprehensive, and the dataset is likely to be biased toward the topics covered by the seed prompts. If you would like to see more prompts about a particular topic, please open a discussion and I will add them to the seed list. In general, I focused on prompts that were more geared towards \"traditional\" haiku topics i.e. the natural world and the impermanence of life. If you want to use these prompts to generate a dataset of haikus about other topics, you may want to consider adding prompts that are more relevant to those topics. \n\nI have zero expectation that this dataset will be cited, but if you do use it in your work, please cite it as follows:\n\nBibTeX:",
"## Glossary \n\n\n\n- DPO/Direct Preference Optimization: Introduced in *Direct Preference Optimization: Your Language Model is Secretly a Reward Model*\n- SELF-INSTRUCT: A prompting strategy introduced in *Self-Instruct: Aligning Language Model with Self Generated Instructions*",
"## Dataset Card Authors\n\ndavanstrien",
"## Dataset Card Contact\n\ndavanstrien"
] | [
75,
40,
235,
40,
12,
3,
45,
57,
29,
109,
58,
72,
56,
70,
186,
71,
10,
9
] | [
"passage: TAGS\n#task_categories-text-generation #size_categories-1K<n<10K #language-English #license-cc-by-4.0 #poetry #haiku #synthetic #distilabel #arxiv-2212.10560 #arxiv-2305.18290 #region-us \n# Dataset Card for Synthetic Haiku Prompts\n\n<img src=\"URL alt=\"Built with Distilabel\" width=\"200\" height=\"32\"/>## Dataset Details\n\nThis is a dataset of synthetic prompts that aims to replicate user requests to a chat model for a haiku about a given topic. The data was generated using the distilabel library using teknium's OpenHermes-2.5-Mistral-7B model. The prompts were generated from a seed list of terms and an adapted version of the SELF-INSTRUCT papers prompting strategy.\n\nThis dataset was primarily constructed as part of a broader project to explore the extent to which open models and Direct Preference Optimization (DPO) can be used to generate synthetic data that can be used to effectively cultivate desired behavior in language models (in this case the ability to write haikus). The project is a WIP and is primarily a learning exercise for the author, but the dataset is being released in the hopes that it may be useful to others. You can also find the code used to generate the dataset here. The main dataset for this project is at davanstrien/haiku_dpo.### Dataset Description\n\n\n\n- Curated by: Daniel van Strien\n- Language(s) (NLP): English (synthetically generated)\n- License: CC-BY-4.0### Dataset Sources \n\n- Repository: URL## Uses### Direct Use\n\nThis dataset can be used to generate haikus about a given topic. The prompts are used as part of a wider project that uses these prompts as seeds to generate haikus.### Out-of-Scope Use\n\nThis dataset is primarily intended for my own and others' learning. You could use it for other purposes but before doing this, I would suggest you validate the prompts to ensure that they are suitable for your use case.",
"passage: ## Dataset Structure\n\nThis dataset has one split and a single configuration. A single row of the dataset looks like this:## Dataset Creation\n\nThis dataset was constructed using the distilabel library. It used a slightly modified version of the approach outlined in the SELF-INSTRUCT paper. The application description used was: \n\n\n\n\nThe main difference between this approach and the SELF-INSTRUCT approach is that I reformulated the task description to be more specific to the haiku generation task i.e. not asking for prompts to include step-by-step instructions. The following task description was used:### Curation Rationale\n\nThis dataset was created as part of a larger effort to create a DPO dataset aimed at making LLMs better at writing haikus. This dataset is shared separately since it could be used independently of the other dataset.#### Data Collection and Processing\n\nNo human annotators were used in the creation of this dataset. The original seed prompts were created by Daniel van Strien with help from ChatGPT-4 (used via the web interface). The actual prompts were created by tekium's OpenHermes-2.5-Mistral-7B model.#### Personal and Sensitive Information\n\nIt is very unlikely that this dataset contains any personal or sensitive information, but if you find any prompts that you believe to be harmful, please open a discussion and I will remove them from the dataset.## Bias, Risks, and Limitations\n\n\n\nWhilst I have not found any harmful prompts in the dataset, I have not manually validated all of the prompts. If you find any prompts which you believe to be harmful, please open a discussion and I will remove them from the dataset."
] | [
-0.1051652580499649,
0.0802074670791626,
-0.0012957154540345073,
0.0773630440235138,
0.08778460323810577,
-0.033668890595436096,
0.10399041324853897,
0.03990814834833145,
0.018688097596168518,
0.10510485619306564,
0.027971960604190826,
-0.020890487357974052,
0.06434124708175659,
0.11341619491577148,
0.10166740417480469,
-0.17613090574741364,
0.06229877099394798,
-0.045260436832904816,
0.06094133481383324,
0.0573716014623642,
0.08694861829280853,
-0.07136508822441101,
0.09343869984149933,
-0.00024419650435447693,
-0.04564929008483887,
-0.03891999274492264,
-0.044490549713373184,
0.0518953874707222,
0.072678342461586,
0.05951932072639465,
0.06011543795466423,
0.005639818497002125,
0.06225106120109558,
-0.12892328202724457,
0.007817793637514114,
0.06636878103017807,
0.03159283474087715,
0.01747405342757702,
0.06249623745679855,
0.032060280442237854,
0.06862446665763855,
-0.06910207867622375,
0.027919627726078033,
0.05327850580215454,
-0.08582575619220734,
-0.10835856199264526,
-0.11171088367700577,
0.02863624133169651,
0.08282679319381714,
0.1022881343960762,
-0.029324594885110855,
0.05531541630625725,
0.04161843657493591,
0.08359101414680481,
0.11692078411579132,
-0.06952127069234848,
-0.01944803074002266,
0.037084124982357025,
-0.012462321668863297,
0.15421459078788757,
0.001284608617424965,
-0.037111811339855194,
0.03770846500992775,
0.02497391402721405,
0.04398186877369881,
-0.0361158549785614,
-0.08217418193817139,
-0.06559614837169647,
-0.14443108439445496,
-0.04550370201468468,
0.35745853185653687,
-0.0088077113032341,
-0.07216788828372955,
-0.05946021527051926,
-0.04202842712402344,
0.011977430433034897,
0.037306904792785645,
-0.005352404434233904,
-0.012217752635478973,
0.00918655563145876,
0.07866890728473663,
-0.042652636766433716,
-0.133212611079216,
-0.0016514882445335388,
0.030700691044330597,
-0.01543567143380642,
0.022996321320533752,
0.06035437807440758,
-0.04053744673728943,
0.0755443125963211,
0.025844871997833252,
-0.029135070741176605,
-0.060459695756435394,
-0.04228999465703964,
-0.0585145466029644,
-0.028846541419625282,
-0.03636898845434189,
-0.09408800303936005,
-0.012893928214907646,
0.06211500242352486,
0.03505648300051689,
0.04100973159074783,
0.008062340319156647,
0.01035182923078537,
0.1359516978263855,
0.07104738801717758,
-0.06742439419031143,
0.01846766099333763,
0.05843142047524452,
0.020100314170122147,
0.047238267958164215,
-0.022348878905177116,
-0.07026022672653198,
0.04770159721374512,
0.05031842738389969,
0.04383794963359833,
0.0563046969473362,
0.05773277208209038,
-0.0337393693625927,
-0.05558406561613083,
0.17711621522903442,
-0.10720816254615784,
-0.026144132018089294,
-0.019208289682865143,
-0.022087497636675835,
-0.03565723076462746,
0.07215242087841034,
-0.03385327756404877,
-0.07848410308361053,
-0.009253889322280884,
-0.04352613165974617,
-0.0022450806573033333,
-0.08348221331834793,
-0.07560983300209045,
0.02681240625679493,
-0.007732744328677654,
-0.05932591110467911,
-0.11686375737190247,
-0.22489629685878754,
-0.09314517676830292,
0.032528869807720184,
0.012761613354086876,
-0.062331873923540115,
0.008914850652217865,
-0.0007194210775196552,
-0.05496242642402649,
0.009555289521813393,
-0.03770097717642784,
-0.010981889441609383,
0.0032770726829767227,
-0.09841285645961761,
0.005458349362015724,
-0.08120429515838623,
0.008327368646860123,
-0.10468576103448868,
0.05773501098155975,
-0.1354338824748993,
0.12381473928689957,
-0.07047030329704285,
0.01146854367107153,
-0.06566985696554184,
-0.01278211921453476,
-0.028914164751768112,
0.018960708752274513,
-0.0042322189547121525,
0.14575894176959991,
-0.23827604949474335,
0.047403641045093536,
0.08878869563341141,
-0.1530480682849884,
-0.058480404317379,
0.12077787518501282,
-0.030049309134483337,
0.14185050129890442,
0.09370832145214081,
0.10408207029104233,
0.09721877425909042,
-0.004404084756970406,
-0.09714039415121078,
0.021635545417666435,
-0.010849826037883759,
0.06839276850223541,
0.011297889053821564,
-0.03296954184770584,
-0.06792451441287994,
0.02693193033337593,
-0.0325363464653492,
-0.03936333581805229,
0.023394575342535973,
-0.05407482385635376,
-0.02874835394322872,
-0.05320646986365318,
-0.09429383277893066,
0.01635979488492012,
-0.012757597491145134,
0.03360671550035477,
-0.015480000525712967,
0.024299368262290955,
0.08903869986534119,
-0.0810055062174797,
0.037742096930742264,
-0.03241430222988129,
-0.010435469448566437,
-0.04144565761089325,
-0.008464973419904709,
-0.178788959980011,
-0.09241566061973572,
0.0785721018910408,
-0.10625036060810089,
0.04515257850289345,
0.052706554532051086,
0.009319578297436237,
0.07041699439287186,
-0.03545661270618439,
-0.011434394866228104,
0.002955674659460783,
-0.003549472661688924,
-0.06602997332811356,
-0.1320279985666275,
-0.05465301498770714,
-0.03655245527625084,
0.12417735159397125,
-0.07655199617147446,
0.014352591708302498,
0.025371987372636795,
0.014990135096013546,
0.01858990266919136,
-0.10035041719675064,
0.04103551059961319,
0.021397892385721207,
-0.011217229068279266,
-0.05279580503702164,
0.010095780715346336,
0.0498901829123497,
-0.029852528125047684,
0.03096856363117695,
-0.18236073851585388,
-0.18572428822517395,
0.023387381806969643,
0.05073821172118187,
-0.07493041455745697,
-0.05018308386206627,
-0.020888768136501312,
-0.05082368105649948,
-0.08002627640962601,
-0.09493084251880646,
0.0033349357545375824,
-0.02302284725010395,
0.022573933005332947,
-0.09617071598768234,
-0.041162118315696716,
-0.0001345657801721245,
-0.02732536941766739,
0.0031264694407582283,
0.04248198866844177,
0.035553425550460815,
-0.15424588322639465,
0.0739058405160904,
-0.09241551905870438,
0.025286313146352768,
0.0534961074590683,
0.013381144031882286,
-0.07062489539384842,
-0.040487464517354965,
0.04235988110303879,
0.0016444716602563858,
0.13615554571151733,
-0.04708680510520935,
0.00777225848287344,
0.03952068090438843,
0.02561434917151928,
0.014714079909026623,
-0.060139793902635574,
0.047393254935741425,
0.02740517258644104,
-0.011187447234988213,
0.01296237949281931,
-0.03570199012756348,
-0.04585757106542587,
0.06905781477689743,
-0.017000913619995117,
0.10431447625160217,
-0.021366871893405914,
-0.045942723751068115,
-0.1659185290336609,
0.14089789986610413,
-0.0961870402097702,
-0.17031289637088776,
-0.0768723338842392,
0.04903312772512436,
-0.04135895520448685,
0.02619810774922371,
0.030758626759052277,
-0.061198439449071884,
-0.07256419956684113,
-0.14823395013809204,
0.027851415798068047,
-0.048548389226198196,
-0.07048796862363815,
-0.08323934674263,
-0.014546133577823639,
0.0007288185879588127,
-0.06683073937892914,
0.019865835085511208,
0.026164673268795013,
-0.03549342229962349,
0.023815620690584183,
-0.020979303866624832,
0.10861891508102417,
0.08360931277275085,
0.09590982645750046,
-0.02761397883296013,
-0.02207958698272705,
0.2351728081703186,
-0.039099544286727905,
0.15631523728370667,
0.09579886496067047,
-0.08553561568260193,
0.07151737809181213,
0.12421494722366333,
-0.011013339273631573,
-0.08897562325000763,
0.047454919666051865,
-0.0027990536764264107,
-0.07049025595188141,
-0.175590381026268,
-0.1065889298915863,
-0.0594613254070282,
0.04347776621580124,
0.07036536186933517,
0.014910206198692322,
-0.0013341978192329407,
0.07280588150024414,
-0.09037803113460541,
0.11298174411058426,
-0.007816728204488754,
0.06673596799373627,
0.017859403043985367,
-0.030338337644934654,
0.0371805876493454,
-0.06704095005989075,
0.032338209450244904,
0.08643171191215515,
-0.012974044308066368,
0.2840156555175781,
-0.08221506327390671,
0.19924674928188324,
0.06951040029525757,
0.13215111196041107,
-0.033025890588760376,
0.04547014832496643,
0.018146289512515068,
0.07556657493114471,
-0.010095774196088314,
-0.08331699669361115,
-0.04491663724184036,
0.07515130192041397,
-0.06978369504213333,
-0.05028870329260826,
0.011171789839863777,
0.05108201876282692,
-0.0011294462019577622,
0.19607499241828918,
-0.007744049187749624,
-0.12714672088623047,
-0.10371024906635284,
0.03463353216648102,
0.05405177175998688,
-0.08871785551309586,
-0.005001001991331577,
0.18422310054302216,
-0.10035662353038788,
0.012066987343132496,
-0.009559174999594688,
0.047177523374557495,
-0.1454066038131714,
-0.017492983490228653,
-0.0041229380294680595,
0.004814404994249344,
-0.007408041041344404,
0.06568614393472672,
-0.11316350102424622,
0.09237326681613922,
0.025334380567073822,
0.04642535001039505,
-0.09332992881536484,
0.005268532782793045,
-0.02682536095380783,
0.06353167444467545,
0.12417379766702652,
0.08906832337379456,
-0.14155760407447815,
-0.018364518880844116,
-0.07484082877635956,
0.03725951910018921,
0.06308586895465851,
-0.0565568283200264,
0.052932895720005035,
0.017337316647171974,
0.02819838747382164,
-0.029885392636060715,
0.029645593836903572,
-0.15480630099773407,
-0.21837134659290314,
0.08987066894769669,
-0.029950153082609177,
-0.011160649359226227,
-0.04636518657207489,
0.014918152242898941,
0.04221942275762558,
0.12344470620155334,
-0.06633075326681137,
-0.08992981910705566,
-0.0776994377374649,
-0.017859630286693573,
0.11426098644733429,
-0.06799699366092682,
0.0031132616568356752,
-0.010241380892693996,
0.07173989713191986,
-0.007467756979167461,
-0.049487367272377014,
0.005183731205761433,
-0.11375635862350464,
-0.10716784000396729,
-0.05528038367629051,
0.0427895188331604,
0.1605226993560791,
0.023923363536596298,
-0.014738935977220535,
0.026303067803382874,
0.007939329370856285,
-0.0934029147028923,
-0.007469679228961468,
0.20481544733047485,
0.009691111743450165,
0.07924607396125793,
-0.064806267619133,
-0.0011840015649795532,
-0.0863884687423706,
-0.10211595147848129,
0.024219557642936707,
0.12264423072338104,
-0.055533841252326965,
0.08405987173318863,
0.14085045456886292,
-0.1290467083454132,
-0.1990898847579956,
0.01129860244691372,
0.02560271881520748,
-0.029098421335220337,
0.016205444931983948,
-0.20817381143569946,
0.07920423150062561,
0.029985064640641212,
0.00392328342422843,
0.039976537227630615,
-0.2348107546567917,
-0.12247545272111893,
0.03359289839863777,
0.051194928586483,
0.04547516629099846,
-0.10879643261432648,
-0.03423226624727249,
-0.02330631949007511,
-0.006794596090912819,
0.11560539901256561,
0.009232591837644577,
0.017895612865686417,
0.011071951128542423,
0.046873874962329865,
0.040742672979831696,
-0.03467540442943573,
0.12671753764152527,
0.024545369669795036,
0.0593382753431797,
-0.0808984711766243,
0.06153101474046707,
0.04460974410176277,
-0.061223797500133514,
0.15003420412540436,
0.07173766195774078,
0.043550267815589905,
-0.05673329532146454,
-0.01198215875774622,
-0.10378438234329224,
0.022173311561346054,
-0.052048951387405396,
-0.07716500014066696,
-0.12113767862319946,
0.06236618012189865,
0.10031053423881531,
0.009785902686417103,
-0.06271497905254364,
-0.02131166309118271,
-0.03007071651518345,
0.06848400086164474,
0.1516609638929367,
0.07899060100317001,
-0.05658069998025894,
-0.0006997520104050636,
-0.03117840364575386,
0.06552009284496307,
-0.044700704514980316,
0.0007617974188178778,
0.059365298599004745,
-0.0008236542344093323,
0.08832743763923645,
-0.02083078771829605,
-0.16114339232444763,
-0.03564075380563736,
0.005178831983357668,
-0.09372004866600037,
-0.22060006856918335,
-0.012844689190387726,
0.16408997774124146,
-0.13201278448104858,
-0.02703562006354332,
0.08357910811901093,
-0.07165605574846268,
-0.015118490904569626,
-0.03581386059522629,
0.07710783928632736,
0.046787843108177185,
0.03896418213844299,
0.012742966413497925,
0.015425844117999077,
-0.06789278239011765,
0.10575436055660248,
0.104319728910923,
-0.09984120726585388,
0.05704724043607712,
0.03286221623420715,
-0.10378070175647736,
-0.06801320612430573,
0.007925257086753845,
0.01849748007953167,
-0.008309369906783104,
-0.07363441586494446,
0.025477487593889236,
-0.05534179508686066,
0.0030616316944360733,
0.07919285446405411,
-0.003299140837043524,
0.07543610036373138,
0.03605910390615463,
0.022764865309000015,
-0.07824671268463135,
0.06078715622425079,
0.019528426229953766,
0.06781157106161118,
-0.049928244203329086,
0.07171506434679031,
0.015271751210093498,
0.027155501767992973,
0.01472289115190506,
-0.021729974076151848,
-0.05941447615623474,
-0.049949754029512405,
-0.12152989208698273,
0.007574502378702164,
-0.061237990856170654,
-0.023269977420568466,
0.0014145697932690382,
0.008358817547559738,
0.027469806373119354,
0.050966955721378326,
-0.0340411402285099,
-0.013002268970012665,
-0.0384361632168293,
0.04482702538371086,
-0.0721864104270935,
-0.007761630229651928,
0.04195164144039154,
-0.06144203245639801,
0.08832545578479767,
0.039020270109176636,
-0.05369548127055168,
-0.03759044408798218,
-0.03080754354596138,
0.08642927557229996,
-0.04282138869166374,
0.04860515147447586,
-0.017420312389731407,
-0.10608939826488495,
-0.06323923915624619,
0.010677410289645195,
-0.034040551632642746,
-0.00014797039330005646,
0.12103597819805145,
-0.05954649671912193,
0.129104346036911,
0.05255284905433655,
0.005077389068901539,
-0.10552556067705154,
0.02642441913485527,
-0.04176585003733635,
0.036720842123031616,
0.05361354351043701,
-0.02499992400407791,
0.03466551750898361,
-0.1422322690486908,
-0.042759113013744354,
0.05400601774454117,
0.04721111059188843,
-0.05516423285007477,
-0.044159792363643646,
0.03222895413637161,
0.00903133861720562,
0.12443356215953827,
-0.02828754484653473,
-0.07379446178674698,
-0.0041387975215911865,
0.07039026916027069,
-0.03043457306921482,
-0.021709948778152466,
-0.03432872146368027,
-0.0835559219121933,
-0.032188378274440765,
0.0015062089078128338,
-0.0029437686316668987,
-0.02071996033191681,
0.08737298846244812,
0.15898114442825317,
-0.021482203155755997,
0.14404404163360596,
0.027460703626275063,
-0.03461168706417084,
-0.07689198851585388,
-0.035738784819841385,
-0.058709412813186646,
-0.008687645196914673,
0.05828312411904335,
-0.03889341279864311,
0.06819416582584381,
0.05678592622280121,
-0.07650722563266754,
0.12054683268070221,
-0.029199201613664627,
-0.090087890625,
-0.07850063592195511,
-0.28009775280952454,
-0.019967947155237198,
0.00993680115789175,
-0.05164483189582825,
-0.10433170199394226,
0.02194415032863617,
0.02300344407558441,
-0.02079828269779682,
-0.001358224544674158,
0.150782510638237,
-0.05529438704252243,
-0.048115383833646774,
-0.020341798663139343,
-0.025474151596426964,
-0.00483526848256588,
0.07400115579366684,
0.03158775717020035,
0.0419926792383194,
0.02586977556347847,
0.03377890586853027,
0.0942600667476654,
0.048461224883794785,
0.022605065256357193,
0.01661953143775463,
-0.05650210380554199,
-0.025275830179452896,
-0.005959245841950178,
0.009163680486381054,
0.2052846997976303,
0.06376621127128601,
-0.01752612181007862,
0.02074553444981575,
0.18188709020614624,
-0.026706993579864502,
-0.01416301354765892,
-0.10625788569450378,
0.12441389262676239,
-0.07005922496318817,
-0.05210495740175247,
0.03580835834145546,
-0.0607193186879158,
0.06894401460886002,
0.15983149409294128,
0.09536195546388626,
0.009793726727366447,
-0.003188762115314603,
-0.04534708708524704,
-0.006723410449922085,
-0.05568045377731323,
0.13088348507881165,
0.014762086793780327,
0.2430940568447113,
-0.06303386390209198,
0.14276103675365448,
-0.04020855203270912,
0.0018008491024374962,
-0.11621002852916718,
0.02513923868536949,
-0.028596624732017517,
0.025500643998384476,
-0.04336953163146973,
0.07444925606250763,
-0.10355590283870697,
-0.170235738158226,
-0.011828996241092682,
0.026169275864958763,
-0.06189218536019325,
0.035576432943344116,
0.046587757766246796,
-0.0007744873873889446,
0.04727218300104141,
-0.037703558802604675,
0.047006212174892426,
0.2112216353416443,
-0.001057824119925499,
-0.06524133682250977,
-0.0474630743265152,
0.09693384170532227,
-0.0542389452457428,
0.136209636926651,
0.040432900190353394,
0.107699915766716,
0.049856945872306824,
-0.028210733085870743,
-0.18325185775756836,
0.011568013578653336,
0.026041612029075623,
0.005049789324402809,
0.008314432576298714,
0.14899703860282898,
-0.00923876278102398,
0.10828274488449097,
0.03795852139592171,
0.012128783389925957,
0.029975663870573044,
0.20792609453201294,
0.05099751055240631,
-0.07963155210018158,
0.04934607073664665,
-0.10866765677928925,
0.14934539794921875,
0.11416304111480713,
-0.06535134464502335,
-0.017067918553948402,
-0.03393160551786423,
-0.014016480185091496,
-0.020037539303302765,
0.06076202541589737,
0.00250430591404438,
-0.11062534153461456,
-0.0012018103152513504,
-0.019813209772109985,
0.07092075794935226,
-0.08564825356006622,
-0.03743469715118408,
0.05115192383527756,
-0.06707574427127838,
-0.001708261203020811,
0.08675822615623474,
-0.0312807634472847,
0.005771235562860966,
-0.041142791509628296,
0.0685434564948082,
0.004319744184613228,
0.061954207718372345,
-0.06825636327266693,
-0.06835255026817322
] |
6c75be6edfbdfd1a565f2a682e34f28e4f022917 | # Dataset Card for Dataset Name
This is a reduced variation of the truthful_qa dataset (https://huggingface.co/datasets/truthful_qa), modified to associate boolean values with the given answers, with a correct answer as a reference.
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
TruthfulQA:
@misc{lin2021truthfulqa,
title={TruthfulQA: Measuring How Models Mimic Human Falsehoods},
author={Stephanie Lin and Jacob Hilton and Owain Evans},
year={2021},
eprint={2109.07958},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | nmarafo/truthful_qa_TrueFalse | [
"task_categories:table-question-answering",
"language:en",
"license:apache-2.0",
"arxiv:2109.07958",
"region:us"
] | 2024-01-14T11:40:36+00:00 | {"language": ["en"], "license": "apache-2.0", "task_categories": ["table-question-answering"]} | 2024-01-14T12:01:51+00:00 | [
"2109.07958"
] | [
"en"
] | TAGS
#task_categories-table-question-answering #language-English #license-apache-2.0 #arxiv-2109.07958 #region-us
| # Dataset Card for Dataset Name
This is a reduced variation of the truthful_qa dataset (URL modified to associate boolean values with the given answers, with a correct answer as a reference.
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
TruthfulQA:
@misc{lin2021truthfulqa,
title={TruthfulQA: Measuring How Models Mimic Human Falsehoods},
author={Stephanie Lin and Jacob Hilton and Owain Evans},
year={2021},
eprint={2109.07958},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Dataset Name\n\nThis is a reduced variation of the truthful_qa dataset (URL modified to associate boolean values with the given answers, with a correct answer as a reference.",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\nTruthfulQA:\n@misc{lin2021truthfulqa,\n title={TruthfulQA: Measuring How Models Mimic Human Falsehoods},\n author={Stephanie Lin and Jacob Hilton and Owain Evans},\n year={2021},\n eprint={2109.07958},\n archivePrefix={arXiv},\n primaryClass={cs.CL}\n}\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#task_categories-table-question-answering #language-English #license-apache-2.0 #arxiv-2109.07958 #region-us \n",
"# Dataset Card for Dataset Name\n\nThis is a reduced variation of the truthful_qa dataset (URL modified to associate boolean values with the given answers, with a correct answer as a reference.",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\nTruthfulQA:\n@misc{lin2021truthfulqa,\n title={TruthfulQA: Measuring How Models Mimic Human Falsehoods},\n author={Stephanie Lin and Jacob Hilton and Owain Evans},\n year={2021},\n eprint={2109.07958},\n archivePrefix={arXiv},\n primaryClass={cs.CL}\n}\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
41,
47,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
138,
8,
7,
10,
5
] | [
"passage: TAGS\n#task_categories-table-question-answering #language-English #license-apache-2.0 #arxiv-2109.07958 #region-us \n# Dataset Card for Dataset Name\n\nThis is a reduced variation of the truthful_qa dataset (URL modified to associate boolean values with the given answers, with a correct answer as a reference.## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\nTruthfulQA:\n@misc{lin2021truthfulqa,\n title={TruthfulQA: Measuring How Models Mimic Human Falsehoods},\n author={Stephanie Lin and Jacob Hilton and Owain Evans},\n year={2021},\n eprint={2109.07958},\n archivePrefix={arXiv},\n primaryClass={cs.CL}\n}\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
0.00400480767711997,
0.25469323992729187,
-0.007757289335131645,
0.03465764597058296,
0.07204342633485794,
-0.0029580597765743732,
0.06450936198234558,
0.12130481749773026,
0.02175968885421753,
0.13196353614330292,
0.01271345466375351,
0.1746240258216858,
0.12290210276842117,
0.10375302284955978,
-0.08854780346155167,
-0.14786073565483093,
0.033985063433647156,
-0.07918000221252441,
0.06203025206923485,
0.10362685471773148,
0.1352325975894928,
-0.0932452529668808,
0.05984998866915703,
-0.046151239424943924,
0.02196395955979824,
-0.0005000357050448656,
-0.0398569330573082,
-0.05097324401140213,
0.05714912712574005,
0.09441428631544113,
0.018024221062660217,
0.041179247200489044,
0.03640881925821304,
-0.33977559208869934,
0.022758854553103447,
0.026301857084035873,
0.020169049501419067,
0.049194399267435074,
0.05813479796051979,
-0.06813863664865494,
0.047741036862134933,
-0.11082703620195389,
0.09318076074123383,
0.06650883704423904,
-0.12711478769779205,
-0.18268795311450958,
-0.12406627088785172,
0.06487619876861572,
0.07540103793144226,
0.03222336620092392,
-0.057641010731458664,
0.14685706794261932,
-0.03963785991072655,
0.036427710205316544,
0.17548860609531403,
-0.12759731709957123,
-0.049149297177791595,
0.023819368332624435,
0.05915815755724907,
0.034860268235206604,
-0.1083100438117981,
0.0036729518324136734,
0.035762056708335876,
0.02597731351852417,
0.06721574813127518,
-0.03539609909057617,
0.025024844333529472,
0.0346972718834877,
-0.11458628624677658,
-0.10642125457525253,
0.19199994206428528,
0.052749887108802795,
-0.05009933188557625,
-0.18478329479694366,
0.03151601180434227,
0.10437468439340591,
-0.0001058999914675951,
-0.04909493774175644,
0.018160158768296242,
-0.07850378751754761,
0.09456668049097061,
-0.023365836590528488,
-0.061087608337402344,
0.023417063057422638,
0.023884251713752747,
0.03993123024702072,
0.023685898631811142,
-0.011553318239748478,
0.027312664315104485,
0.03896155208349228,
0.04050450026988983,
-0.13707539439201355,
-0.07275823503732681,
-0.0789746642112732,
-0.07022958248853683,
-0.061394430696964264,
0.04951639100909233,
0.07127661257982254,
0.11028788238763809,
0.17171406745910645,
-0.011209937743842602,
0.012625119648873806,
-0.09342304617166519,
0.010578593239188194,
0.1321588158607483,
0.04065004363656044,
-0.048671673983335495,
-0.06649898737668991,
-0.014524110592901707,
0.08443529903888702,
0.03597298264503479,
-0.00743026752024889,
0.01300851535052061,
0.050637781620025635,
0.026842107996344566,
0.13546741008758545,
0.13965940475463867,
-0.026138735935091972,
-0.11869879066944122,
-0.04107724130153656,
0.1594882756471634,
-0.13927312195301056,
0.004528098739683628,
0.041221845895051956,
-0.07506857067346573,
-0.034720323979854584,
-0.02840227074921131,
0.04511133208870888,
-0.07274998724460602,
0.09070181101560593,
-0.04481905698776245,
-0.023102423176169395,
-0.040603142231702805,
-0.06770014017820358,
0.07538173347711563,
0.021953420713543892,
-0.0031401643063873053,
-0.02667519822716713,
-0.08874478191137314,
-0.0572977289557457,
0.03306763991713524,
-0.08877526223659515,
-0.11057838797569275,
-0.026639405637979507,
-0.0005454691126942635,
-0.023807421326637268,
-0.0477738231420517,
0.04793015122413635,
-0.04406764358282089,
0.06404424458742142,
-0.039481308311223984,
0.039047885686159134,
0.09861283749341965,
0.030946072190999985,
-0.08663296699523926,
0.07088543474674225,
-0.08303076028823853,
0.08040101081132889,
-0.11476252228021622,
0.006578316446393728,
-0.14886735379695892,
-0.08011765778064728,
0.08683335036039352,
0.0026980694383382797,
-0.036216750741004944,
0.12386497855186462,
-0.1604686677455902,
-0.004382496699690819,
0.15478086471557617,
-0.0875653624534607,
-0.13567666709423065,
0.07230453193187714,
-0.06881792843341827,
0.028668401762843132,
0.05582262948155403,
0.05092203989624977,
-0.0243388544768095,
-0.0577361024916172,
-0.08468205481767654,
-0.1054481789469719,
0.05153552070260048,
0.2236785590648651,
0.092514269053936,
-0.0501476414501667,
0.05569691210985184,
-0.0012350939214229584,
0.0682900920510292,
-0.11302660405635834,
-0.0242810919880867,
-0.11413297802209854,
0.009324614889919758,
-0.04263273626565933,
0.04458695650100708,
0.0038005185779184103,
-0.1393972933292389,
-0.04243820533156395,
-0.12093202769756317,
-0.08407112956047058,
0.05862902104854584,
0.00894660409539938,
-0.04494362324476242,
-0.07027269899845123,
0.019927769899368286,
0.046468667685985565,
-0.0021433245856314898,
-0.14484576880931854,
-0.10427535325288773,
0.027782466262578964,
-0.14615555107593536,
0.05395922809839249,
0.027429021894931793,
0.0027737326454371214,
-0.010135684162378311,
-0.03801489621400833,
0.034937020391225815,
0.03591233491897583,
0.008430058136582375,
0.03614995256066322,
-0.17091387510299683,
-0.0039597162976861,
-0.0669029951095581,
0.11418212950229645,
-0.19892700016498566,
0.0037076694425195456,
0.06846942752599716,
0.15444017946720123,
0.04314062371850014,
-0.05008368939161301,
0.08591177314519882,
-0.00926161464303732,
-0.0315801277756691,
-0.042535554617643356,
-0.0061273579485714436,
-0.059561293572187424,
0.0008050358737818897,
0.007708743680268526,
-0.176544189453125,
-0.042432162910699844,
0.0789664089679718,
0.051329582929611206,
-0.10319969058036804,
-0.08370352536439896,
-0.053020913153886795,
-0.025705119594931602,
-0.08948598802089691,
-0.010224610567092896,
0.08587172627449036,
0.053695280104875565,
0.005834006238728762,
-0.07247403264045715,
-0.07965829223394394,
-0.0044911582954227924,
-0.037166643887758255,
-0.07870568335056305,
0.13323083519935608,
0.019055135548114777,
-0.20329248905181885,
0.0965925082564354,
0.017111439257860184,
0.11449664831161499,
0.03146057575941086,
0.011543978936970234,
-0.06381838768720627,
-0.02986133098602295,
0.05553204193711281,
0.038085486739873886,
0.10226453095674515,
-0.07028976827859879,
0.07043325155973434,
0.08156098425388336,
-0.06247183308005333,
-0.02660839632153511,
-0.0562477745115757,
0.00890607014298439,
0.01554421242326498,
-0.015926433727145195,
-0.030897008255124092,
-0.016619520261883736,
0.05059940367937088,
0.10878576338291168,
0.04554838314652443,
0.08211137354373932,
0.003759909188374877,
-0.04669588804244995,
-0.0921805202960968,
0.12856867909431458,
-0.07029353082180023,
-0.28560078144073486,
-0.07636276632547379,
-0.14920760691165924,
-0.015676354989409447,
-0.020325886085629463,
0.06700024008750916,
-0.0006163123180158436,
-0.10980469733476639,
-0.05801459774374962,
0.03773074224591255,
0.027956191450357437,
-0.1605082005262375,
0.0027058804407715797,
0.0434153713285923,
0.0472639836370945,
-0.09253109991550446,
0.015964685007929802,
0.05245876684784889,
-0.050493426620960236,
0.02740592509508133,
0.08095777779817581,
0.11287876963615417,
0.07620556652545929,
0.034974224865436554,
-0.03073558770120144,
-0.029543258249759674,
0.262779176235199,
-0.11236382275819778,
0.04879595711827278,
0.14566059410572052,
-0.08591149002313614,
0.08826211094856262,
0.2645431458950043,
0.026268169283866882,
-0.07437720149755478,
0.0386827252805233,
0.08410846441984177,
-0.0020281963516026735,
-0.27526891231536865,
-0.07558533549308777,
-0.028446290642023087,
-0.04533805325627327,
0.11429131776094437,
0.0723152607679367,
0.07788250595331192,
0.06696853041648865,
-0.12510502338409424,
-0.014206177555024624,
0.053715821355581284,
0.11068613082170486,
0.15307824313640594,
0.022839270532131195,
0.07510824501514435,
-0.007949389517307281,
-0.02503558062016964,
0.09917348623275757,
0.028373217210173607,
0.17628538608551025,
0.008554721251130104,
0.14946356415748596,
0.0917038694024086,
0.056063275784254074,
-0.04017309099435806,
-0.01280616968870163,
0.03213060647249222,
0.07728477567434311,
-0.03843141719698906,
-0.07492222636938095,
-0.03606656938791275,
0.08305469155311584,
0.09943102300167084,
-0.01668442413210869,
0.05674101412296295,
-0.08440455049276352,
0.06642179191112518,
0.13598182797431946,
0.06528673321008682,
-0.12026281654834747,
-0.02638542279601097,
0.11650298535823822,
-0.07677315175533295,
-0.12162879854440689,
-0.0029045254923403263,
0.0063681467436254025,
-0.18080689013004303,
0.09953103214502335,
-0.007100387010723352,
0.13611456751823425,
-0.15212927758693695,
-0.015477260574698448,
-0.056882333010435104,
0.02384101040661335,
-0.030763359740376472,
0.14138703048229218,
-0.2488557994365692,
0.1609162837266922,
0.020819325000047684,
0.01626584120094776,
-0.13150370121002197,
0.05315099284052849,
-0.001986008370295167,
-0.09401483088731766,
0.1929284632205963,
-0.021878203377127647,
-0.033731698989868164,
-0.05493183434009552,
-0.08810598403215408,
0.008573618717491627,
0.04414111375808716,
-0.10771886259317398,
0.10678994655609131,
-0.007520216051489115,
-0.016404367983341217,
-0.06193370744585991,
-0.05223287642002106,
-0.1337636411190033,
-0.18415124714374542,
0.08960606902837753,
-0.07101792097091675,
0.03751425817608833,
-0.06010957434773445,
-0.029923435300588608,
-0.030316663905978203,
0.17892149090766907,
-0.08956021815538406,
-0.10394744575023651,
-0.12826122343540192,
0.03605807572603226,
0.1419498324394226,
-0.052938319742679596,
0.0343269519507885,
0.0033105730544775724,
0.18389299511909485,
-0.0055853938683867455,
-0.025616485625505447,
0.01834002137184143,
-0.05689232423901558,
-0.16831952333450317,
-0.026134535670280457,
0.14111316204071045,
0.059638798236846924,
0.05663048475980759,
0.015376901254057884,
0.043237194418907166,
-0.011232246644794941,
-0.1064479798078537,
0.06133162975311279,
0.05848938599228859,
0.11062780767679214,
0.12545245885849,
-0.009646536782383919,
-0.22625672817230225,
-0.19130825996398926,
-0.07963930815458298,
0.08588696271181107,
0.2282988727092743,
-0.04656200855970383,
0.13488706946372986,
0.11402177810668945,
-0.06542780995368958,
-0.1622363179922104,
-0.0500456877052784,
0.005789324175566435,
-0.046210166066884995,
0.10607124119997025,
-0.18661357462406158,
0.04513091221451759,
0.02840503491461277,
-0.029119418933987617,
0.13522960245609283,
-0.1256718933582306,
-0.1039586290717125,
0.081950843334198,
0.06948388367891312,
-0.17363974452018738,
-0.12165564298629761,
-0.11378618329763412,
-0.05156530439853668,
-0.22142185270786285,
0.10848679393529892,
0.04901294782757759,
-0.0010359535226598382,
0.020232146605849266,
0.08805762231349945,
0.034345559775829315,
-0.0297462847083807,
0.19596605002880096,
-0.007950376719236374,
0.015632515773177147,
-0.11423239856958389,
-0.12531423568725586,
-0.022952057421207428,
-0.01643172651529312,
0.0540827214717865,
-0.02239040471613407,
0.012412331067025661,
-0.07380084693431854,
-0.07326684147119522,
-0.0761050134897232,
0.022126521915197372,
-0.08767272531986237,
-0.08140507340431213,
-0.09563419967889786,
0.09311001002788544,
0.1257212907075882,
-0.006242674775421619,
-0.0035831218119710684,
-0.08824227005243301,
0.10072983801364899,
0.17224757373332977,
0.18960775434970856,
0.08523844927549362,
-0.0757070854306221,
-0.050353869795799255,
-0.0316031314432621,
-0.007587365340441465,
-0.10111235082149506,
0.061232127249240875,
0.1150323748588562,
0.02080228552222252,
0.17641495168209076,
-0.0403323732316494,
-0.1343521773815155,
0.004048496950417757,
0.024128718301653862,
-0.09696532785892487,
-0.19133737683296204,
0.013117657043039799,
0.11978732794523239,
-0.19618907570838928,
-0.1320812702178955,
0.0797300934791565,
0.04298864305019379,
-0.05406598374247551,
0.028863070532679558,
0.11142664402723312,
0.06236006319522858,
0.07743148505687714,
0.03520640358328819,
0.09849710017442703,
-0.10677692294120789,
0.040430210530757904,
0.1490902453660965,
-0.052995938807725906,
0.024816233664751053,
0.04826181009411812,
-0.0027439661789685488,
-0.03610624745488167,
-0.02675049379467964,
0.01998884789645672,
0.03531353548169136,
-0.03695392608642578,
0.020238526165485382,
-0.11921839416027069,
0.03926060348749161,
0.11953084915876389,
-0.00203148671425879,
-0.00012096220598323271,
0.05541810393333435,
-0.04188601300120354,
-0.06517338007688522,
0.15403902530670166,
0.06716632097959518,
0.020440850406885147,
-0.045075610280036926,
-0.05718172341585159,
-0.007517769001424313,
0.018252762034535408,
0.005514696706086397,
-0.03045249730348587,
-0.07373186945915222,
0.0064768013544380665,
-0.170406773686409,
0.1003945991396904,
-0.11502870172262192,
0.028659062460064888,
-0.01174946315586567,
-0.06773971021175385,
-0.03923479840159416,
-0.00496057840064168,
-0.09083794802427292,
-0.04085956886410713,
0.016843674704432487,
0.11443135142326355,
-0.21269145607948303,
-0.05065378546714783,
0.1104390099644661,
-0.08594461530447006,
0.08652615547180176,
-0.02591635100543499,
-0.07557306438684464,
0.010096361860632896,
-0.14199957251548767,
-0.009843169711530209,
-0.00978157203644514,
0.0649808719754219,
0.045189399272203445,
-0.18592678010463715,
-0.014665544033050537,
0.0031792025547474623,
-0.0822751596570015,
0.017841311171650887,
-0.07953210920095444,
-0.1004522368311882,
-0.00854782946407795,
-0.01211252436041832,
-0.08938706666231155,
0.007192672695964575,
0.030840497463941574,
0.09487620741128922,
-0.06907110661268234,
0.13098682463169098,
-0.015413286164402962,
0.08891122788190842,
-0.16033680737018585,
-0.010208501480519772,
-0.01850983314216137,
-0.020259706303477287,
0.012080984190106392,
0.026583295315504074,
0.06139082461595535,
-0.021069157868623734,
0.23251694440841675,
-0.03948727622628212,
0.02371971495449543,
0.045185480266809464,
-0.042686089873313904,
-0.019949784502387047,
0.02376021444797516,
0.03451637178659439,
0.008552895858883858,
-0.043912675231695175,
0.011429679580032825,
-0.07377857714891434,
-0.055607251822948456,
-0.07863510400056839,
0.14141739904880524,
0.16038063168525696,
0.18587751686573029,
-0.10152580589056015,
0.0723312497138977,
-0.11929745227098465,
-0.008854198269546032,
0.11176872998476028,
0.010372554883360863,
0.035658098757267,
-0.013218486681580544,
0.056006330996751785,
0.09667322784662247,
-0.15052594244480133,
0.08551856875419617,
-0.10149235278367996,
-0.04367414116859436,
-0.09203525632619858,
-0.1352817267179489,
-0.09371054172515869,
0.017432060092687607,
0.025994937866926193,
-0.1198296993970871,
0.08181440085172653,
0.15261004865169525,
-0.012994944117963314,
-0.02492116577923298,
0.026423141360282898,
-0.01869705319404602,
-0.028388136997818947,
0.03734046220779419,
0.03952014073729515,
0.0022390210069715977,
-0.034562211483716965,
0.07926618307828903,
0.02274584397673607,
0.06696130335330963,
0.08273375034332275,
0.0556526705622673,
0.012642811983823776,
0.002411146881058812,
-0.10078994929790497,
-0.09276475012302399,
0.02524246647953987,
0.013252118602395058,
-0.028397392481565475,
0.17986956238746643,
0.03721671551465988,
0.06123337894678116,
0.011238537728786469,
0.20849357545375824,
-0.013269568793475628,
-0.07476017624139786,
-0.13874131441116333,
0.08029793947935104,
-0.038941867649555206,
0.024604521691799164,
0.0718504786491394,
-0.10790126770734787,
0.050826866179704666,
0.0863027349114418,
0.1070900484919548,
-0.01640537939965725,
-0.0005325297825038433,
-0.013317739591002464,
0.032112255692481995,
-0.011586735025048256,
-0.017078107222914696,
0.04089885205030441,
0.1473444402217865,
-0.0801989734172821,
0.01635156385600567,
0.004968011751770973,
-0.010785289108753204,
-0.02747482992708683,
0.07429825514554977,
0.04442284256219864,
0.007121781352907419,
-0.07685697078704834,
0.14226743578910828,
-0.07882346957921982,
-0.20794646441936493,
-0.00021582232147920877,
-0.10540971159934998,
-0.14879192411899567,
-0.022063158452510834,
0.004338673781603575,
0.038979433476924896,
0.025033295154571533,
0.045361146330833435,
-0.05998113006353378,
0.14337359368801117,
0.04685132950544357,
-0.07235356420278549,
-0.00607890821993351,
0.11835550516843796,
-0.037190504372119904,
0.28182923793792725,
0.02167314849793911,
0.07648162543773651,
0.08792838454246521,
-0.07218734174966812,
-0.07829591631889343,
0.04236134886741638,
0.11263620853424072,
-0.017901984974741936,
0.06870973855257034,
0.19418033957481384,
-0.0014279034221544862,
0.12550142407417297,
0.13459895551204681,
-0.021352700889110565,
0.03529421240091324,
0.01592113822698593,
-0.03259932994842529,
-0.05884454399347305,
0.08900980651378632,
-0.10841680318117142,
0.0818527489900589,
0.12871217727661133,
-0.04516978934407234,
0.017101895064115524,
-0.02005082741379738,
0.06643658131361008,
0.008303939364850521,
0.12961044907569885,
0.009155252948403358,
-0.1218029111623764,
0.026605801656842232,
-0.034698329865932465,
0.08531996607780457,
-0.23366901278495789,
-0.04932712763547897,
0.0270870178937912,
-0.013265245594084263,
-0.05672603100538254,
0.0893217995762825,
0.04810968413949013,
0.003109019249677658,
-0.06899820268154144,
-0.0755990669131279,
-0.022847823798656464,
0.15005053579807281,
-0.062258876860141754,
0.021460313349962234
] |
2789948812658161e99db2bff82bb1fc28943ac1 |
# Dataset of pompeo_magno/ポンペオ・マーニョ/庞培·马格诺 (Azur Lane)
This is the dataset of pompeo_magno/ポンペオ・マーニョ/庞培·马格诺 (Azur Lane), containing 10 images and their tags.
The core tags of this character are `bangs, pink_hair, long_hair, hat, blunt_bangs, green_eyes, ribbon, two_side_up, yellow_eyes, breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 10 | 16.75 MiB | [Download](https://huggingface.co/datasets/CyberHarem/pompeo_magno_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 10 | 8.87 MiB | [Download](https://huggingface.co/datasets/CyberHarem/pompeo_magno_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 25 | 19.36 MiB | [Download](https://huggingface.co/datasets/CyberHarem/pompeo_magno_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 10 | 14.48 MiB | [Download](https://huggingface.co/datasets/CyberHarem/pompeo_magno_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 25 | 28.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/pompeo_magno_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/pompeo_magno_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, long_sleeves, solo, open_mouth, white_dress, barefoot, beret, black_ribbon, bow, hair_ribbon, lying, simple_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | long_sleeves | solo | open_mouth | white_dress | barefoot | beret | black_ribbon | bow | hair_ribbon | lying | simple_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:---------------|:-------|:-------------|:--------------|:-----------|:--------|:---------------|:------|:--------------|:--------|:--------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/pompeo_magno_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:41:05+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:47:34+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of pompeo\_magno/ポンペオ・マーニョ/庞培·马格诺 (Azur Lane)
=====================================================
This is the dataset of pompeo\_magno/ポンペオ・マーニョ/庞培·马格诺 (Azur Lane), containing 10 images and their tags.
The core tags of this character are 'bangs, pink\_hair, long\_hair, hat, blunt\_bangs, green\_eyes, ribbon, two\_side\_up, yellow\_eyes, breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
1cfe2486214f143906e3efee03daf06114df714a |
# Dataset of haguro/羽黒/羽黑 (Azur Lane)
This is the dataset of haguro/羽黒/羽黑 (Azur Lane), containing 11 images and their tags.
The core tags of this character are `black_hair, hair_ornament, red_eyes, bangs, earrings, hairclip, breasts, ear_piercing, multicolored_hair, hair_between_eyes, streaked_hair, ponytail, white_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 11 | 16.38 MiB | [Download](https://huggingface.co/datasets/CyberHarem/haguro_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 11 | 8.31 MiB | [Download](https://huggingface.co/datasets/CyberHarem/haguro_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 28 | 19.13 MiB | [Download](https://huggingface.co/datasets/CyberHarem/haguro_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 11 | 13.81 MiB | [Download](https://huggingface.co/datasets/CyberHarem/haguro_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 28 | 28.49 MiB | [Download](https://huggingface.co/datasets/CyberHarem/haguro_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/haguro_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | midriff, 1girl, black_choker, crop_top, jewelry, navel, solo, black_shirt, looking_at_viewer, piercing, short_sleeves, pleated_skirt, belt, black_serafuku, black_skirt, stomach, black_nails, black_sailor_collar, blush, closed_mouth, collarbone, holding, nail_polish, purple_neckerchief, sitting |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | midriff | 1girl | black_choker | crop_top | jewelry | navel | solo | black_shirt | looking_at_viewer | piercing | short_sleeves | pleated_skirt | belt | black_serafuku | black_skirt | stomach | black_nails | black_sailor_collar | blush | closed_mouth | collarbone | holding | nail_polish | purple_neckerchief | sitting |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------|:--------|:---------------|:-----------|:----------|:--------|:-------|:--------------|:--------------------|:-----------|:----------------|:----------------|:-------|:-----------------|:--------------|:----------|:--------------|:----------------------|:--------|:---------------|:-------------|:----------|:--------------|:---------------------|:----------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/haguro_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T11:41:17+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T11:45:16+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of haguro/羽黒/羽黑 (Azur Lane)
===================================
This is the dataset of haguro/羽黒/羽黑 (Azur Lane), containing 11 images and their tags.
The core tags of this character are 'black\_hair, hair\_ornament, red\_eyes, bangs, earrings, hairclip, breasts, ear\_piercing, multicolored\_hair, hair\_between\_eyes, streaked\_hair, ponytail, white\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
789cedf394c999d699742a00ac28bfe460d8ab35 |
This dataset comprises a collection of traditional Tajik names, sourced from the [Catalogue of Tajik National Names](https://kumitaizabon.tj/tg/catalogue-of-tajik-national-names). It includes a variety of names along with their translations and descriptions. The dataset is designed to serve as a resource for linguistic and cultural studies, providing insights into naming conventions and practices in Tajik culture.
Columns:
1. `Number`: A unique identifier for each name entry.
2. `Tajik`: The name in the Tajik language.
3. `Russian`: The Russian transliteration of the name.
4. `English`: The English transliteration of the name.
5. `Description`: A category indicating the gender association of the name, with possible values being 'Male' or 'Female'.
The dataset is suitable for researchers and enthusiasts interested in Central Asian cultures, linguistics, and gender studies in naming practices. | sobir-hf/tajik-names | [
"size_categories:1K<n<10K",
"language:tg",
"license:mit",
"tajik",
"names",
"region:us"
] | 2024-01-14T11:44:33+00:00 | {"language": ["tg"], "license": "mit", "size_categories": ["1K<n<10K"], "pretty_name": "Tajik National Names", "tags": ["tajik", "names"]} | 2024-01-14T12:17:35+00:00 | [] | [
"tg"
] | TAGS
#size_categories-1K<n<10K #language-Tajik #license-mit #tajik #names #region-us
|
This dataset comprises a collection of traditional Tajik names, sourced from the Catalogue of Tajik National Names. It includes a variety of names along with their translations and descriptions. The dataset is designed to serve as a resource for linguistic and cultural studies, providing insights into naming conventions and practices in Tajik culture.
Columns:
1. 'Number': A unique identifier for each name entry.
2. 'Tajik': The name in the Tajik language.
3. 'Russian': The Russian transliteration of the name.
4. 'English': The English transliteration of the name.
5. 'Description': A category indicating the gender association of the name, with possible values being 'Male' or 'Female'.
The dataset is suitable for researchers and enthusiasts interested in Central Asian cultures, linguistics, and gender studies in naming practices. | [] | [
"TAGS\n#size_categories-1K<n<10K #language-Tajik #license-mit #tajik #names #region-us \n"
] | [
34
] | [
"passage: TAGS\n#size_categories-1K<n<10K #language-Tajik #license-mit #tajik #names #region-us \n"
] | [
0.06859909743070602,
-0.14048480987548828,
-0.0045277271419763565,
0.0509587787091732,
0.06661691516637802,
0.09035227447748184,
0.15173347294330597,
0.1320846974849701,
0.1605510711669922,
0.026152480393648148,
0.10379587858915329,
-0.06320164352655411,
0.13235023617744446,
0.1769278198480606,
0.015746336430311203,
-0.4156375527381897,
0.032535478472709656,
-0.04259924590587616,
0.08194051682949066,
0.08385716378688812,
0.0879928469657898,
-0.01453532837331295,
0.0502866767346859,
-0.05042150244116783,
-0.11326734721660614,
0.025233052670955658,
-0.07595986127853394,
-0.15403325855731964,
0.04739118367433548,
-0.034308064728975296,
0.0876118466258049,
-0.003054351080209017,
-0.031418368220329285,
-0.1765097826719284,
0.016046568751335144,
-0.08639755845069885,
-0.01814265362918377,
-0.0322793610394001,
0.0802471861243248,
0.00920412503182888,
-0.001363408169709146,
-0.10049806535243988,
-0.06900303810834885,
0.056291334331035614,
-0.10182802379131317,
-0.19699601829051971,
-0.011857551522552967,
0.07944439351558685,
0.09294701367616653,
-0.02089764177799225,
-0.0306695606559515,
0.05848810449242592,
-0.20847776532173157,
0.007317335810512304,
0.13452588021755219,
-0.28455740213394165,
0.0018726669950410724,
0.1585605889558792,
-0.009964698925614357,
0.14748920500278473,
-0.1386435478925705,
0.011969747953116894,
0.034336138516664505,
-0.07232341170310974,
-0.12119859457015991,
-0.10622195154428482,
-0.07353870570659637,
0.002085074782371521,
0.009291419759392738,
0.08881137520074844,
0.3090096414089203,
0.05269526317715645,
0.040475767105817795,
-0.04492116719484329,
0.000930384558159858,
-0.14701619744300842,
-0.060912784188985825,
0.026285899803042412,
0.0021420849952846766,
0.04866241291165352,
0.10727491974830627,
0.08364034444093704,
-0.11511760950088501,
-0.019570522010326385,
-0.2223179191350937,
0.10644621402025223,
0.07067947089672089,
0.03268048167228699,
-0.1427197903394699,
-0.11086700111627579,
-0.3283470571041107,
-0.04322319105267525,
-0.05414849892258644,
-0.048538196831941605,
-0.10409779846668243,
-0.013927963562309742,
0.06600343436002731,
0.03949147090315819,
0.1724279522895813,
0.015321486629545689,
-0.02928500436246395,
0.13838081061840057,
-0.04619753360748291,
0.12171939760446548,
-0.004767875652760267,
0.10382090508937836,
0.025552833452820778,
-0.00377066433429718,
-0.10187336057424545,
-0.16788078844547272,
-0.032798539847135544,
-0.01373408641666174,
-0.13145217299461365,
-0.08001095056533813,
-0.10189123451709747,
0.09416933357715607,
-0.10233695805072784,
0.07911691069602966,
-0.004916462581604719,
0.04804049804806709,
-0.017702464014291763,
-0.04416734725236893,
-0.006081237457692623,
0.025137418881058693,
-0.04765022546052933,
0.05810986086726189,
-0.18310244381427765,
-0.0019087326945737004,
0.02934248186647892,
0.129264235496521,
-0.024292752146720886,
0.05992388725280762,
0.05281040444970131,
-0.023999014869332314,
0.04945453256368637,
-0.13543076813220978,
0.04113060608506203,
-0.16833646595478058,
-0.032326772809028625,
0.0520225465297699,
-0.001219973317347467,
-0.04411286860704422,
0.07366468757390976,
-0.0209372416138649,
-0.05808066204190254,
0.03635033965110779,
-0.03581572696566582,
0.03737582638859749,
-0.0649852529168129,
0.055261291563510895,
-0.02072910964488983,
0.14874997735023499,
-0.09747897833585739,
0.02191237173974514,
-0.05882295221090317,
0.059986259788274765,
-0.05557170510292053,
-0.011501230299472809,
-0.09371298551559448,
0.23703880608081818,
-0.04845414310693741,
0.014387882314622402,
-0.13968709111213684,
-0.02912326157093048,
-0.1150214821100235,
0.10620088130235672,
-0.22051528096199036,
-0.03208340331912041,
0.24733753502368927,
-0.029996376484632492,
-0.08568013459444046,
0.0734729915857315,
0.09885101765394211,
0.14419525861740112,
0.03289701044559479,
0.46261024475097656,
0.005820541176944971,
0.028095539659261703,
0.05758383497595787,
0.1980055272579193,
-0.07879684865474701,
-0.07603702694177628,
0.14262574911117554,
-0.11498106271028519,
0.006258990615606308,
0.058542847633361816,
0.13972339034080505,
0.008930034004151821,
0.011632931418716908,
-0.08289826661348343,
0.030642816796898842,
-0.03869504854083061,
0.15036658942699432,
-0.0014391206204891205,
0.16839951276779175,
-0.1279122680425644,
0.0147273950278759,
-0.14775419235229492,
0.021258031949400902,
0.12730854749679565,
0.012994888238608837,
-0.04835186526179314,
-0.048150189220905304,
0.07197237014770508,
0.07066106796264648,
-0.019234178587794304,
0.013841117732226849,
0.04165739193558693,
-0.0013424638891592622,
0.03735722228884697,
0.1106664165854454,
0.05324569344520569,
-0.11609895527362823,
-0.046968959271907806,
0.09206822514533997,
0.12736405432224274,
0.044205497950315475,
-0.038698140531778336,
-0.03787193447351456,
0.10165286064147949,
-0.007354806177318096,
-0.029185844585299492,
-0.00523415207862854,
-0.000754454405978322,
0.15604263544082642,
-0.06397440284490585,
0.003323345212265849,
0.10713604837656021,
-0.004372279159724712,
0.06425084918737411,
0.01280535850673914,
-0.028803756460547447,
0.05856023356318474,
-0.049917250871658325,
-0.1275828629732132,
0.1640712320804596,
-0.11661297082901001,
0.06683780997991562,
0.1625322699546814,
0.05763613432645798,
-0.01808876357972622,
-0.03667191043496132,
-0.011265546083450317,
-0.044880032539367676,
0.09395339339971542,
0.020807689055800438,
-0.057066842913627625,
0.022251345217227936,
0.03037996031343937,
-0.038063764572143555,
-0.03805882856249809,
-0.016922565177083015,
-0.050194092094898224,
-0.1021633893251419,
0.06296905875205994,
0.0290263332426548,
-0.29839304089546204,
0.19190829992294312,
0.2593136727809906,
0.13037772476673126,
0.15709388256072998,
-0.03199131414294243,
-0.010061323642730713,
-0.0077929506078362465,
0.0798354372382164,
-0.03765295073390007,
0.08373215049505234,
-0.16207346320152283,
-0.09546992182731628,
0.051667287945747375,
0.08477123826742172,
-0.028403736650943756,
-0.05800675228238106,
-0.0795489177107811,
-0.08708884567022324,
-0.008259512484073639,
-0.18504014611244202,
0.11194630712270737,
-0.00042421332909725606,
0.05255107954144478,
0.06868201494216919,
0.014275958761572838,
0.05905589461326599,
-0.0033866495359688997,
-0.01767158694565296,
0.1359703689813614,
-0.18684415519237518,
-0.20523972809314728,
0.024707932025194168,
-0.12091170996427536,
0.0314059816300869,
-0.007379982154816389,
0.08816774934530258,
-0.22318677604198456,
-0.011063315905630589,
0.04822130501270294,
0.05108058452606201,
-0.14548206329345703,
0.01583925448358059,
-0.038609690964221954,
0.03869068995118141,
-0.14219169318675995,
-0.08503835648298264,
-0.04349382221698761,
-0.041880927979946136,
0.002585361944511533,
0.17415352165699005,
-0.17809753119945526,
0.006355805788189173,
0.12997351586818695,
-0.019160740077495575,
0.10300079733133316,
-0.11078944057226181,
0.059354670345783234,
-0.12443514913320541,
0.04985956847667694,
-0.06087813153862953,
0.01376019325107336,
0.05202223360538483,
0.32296663522720337,
0.01979890652000904,
-0.08339827507734299,
-0.015969155356287956,
0.07491829246282578,
-0.10241391509771347,
-0.16151267290115356,
0.02869357168674469,
-0.1345134973526001,
0.16028538346290588,
0.034423619508743286,
0.0773862898349762,
0.06703263521194458,
0.037785809487104416,
0.07844681292772293,
0.01155189797282219,
0.022752419114112854,
0.03347492590546608,
0.07813476026058197,
0.022070210427045822,
-0.012388017028570175,
-0.13954350352287292,
0.020616615191102028,
0.07116789370775223,
0.15545505285263062,
0.1812613159418106,
0.21484823524951935,
0.23874609172344208,
0.13779062032699585,
0.18214349448680878,
0.15292081236839294,
0.01268454734236002,
-0.014418565668165684,
-0.016512911766767502,
-0.0011506332084536552,
-0.0146503746509552,
0.12751202285289764,
0.045244257897138596,
0.05047371983528137,
-0.10896169394254684,
0.047923482954502106,
-0.09684302657842636,
0.1220865473151207,
-0.05485863611102104,
0.06857803463935852,
-0.012973283417522907,
0.050469134002923965,
0.0668153166770935,
-0.05184352025389671,
-0.033473145216703415,
0.11840559542179108,
0.03407907113432884,
-0.14490464329719543,
0.14340941607952118,
0.04950021579861641,
0.11438712477684021,
0.11983352899551392,
0.06165463849902153,
-0.0038151685148477554,
-0.16606740653514862,
-0.010030625388026237,
0.13559414446353912,
-0.33424684405326843,
0.3225726783275604,
0.06191026419401169,
-0.0062175109051167965,
-0.07668992131948471,
-0.07626558095216751,
0.05437309667468071,
0.13531413674354553,
0.03383740410208702,
0.04994253069162369,
-0.16831371188163757,
-0.15576589107513428,
-0.026434242725372314,
0.013823156245052814,
0.17367646098136902,
-0.002438258146867156,
-0.08836614340543747,
-0.013394338078796864,
0.02839825302362442,
-0.04697294533252716,
0.1068078875541687,
-0.09813537448644638,
-0.0826585590839386,
0.04829378426074982,
0.10108740627765656,
0.03070686012506485,
0.001658862573094666,
0.04415332153439522,
-0.126491978764534,
-0.04626249149441719,
-0.14296065270900726,
-0.08054549247026443,
-0.06615903228521347,
-0.1108756959438324,
0.08815816044807434,
-0.08035319298505783,
-0.05060410872101784,
-0.07015582174062729,
-0.04236605018377304,
-0.04246338829398155,
-0.08606220781803131,
0.04962216690182686,
0.003855457529425621,
-0.0025481071788817644,
0.0017252666875720024,
0.09145252406597137,
-0.08550253510475159,
0.041309524327516556,
0.012053480371832848,
-0.011441675014793873,
-0.012854133732616901,
-0.10288464277982712,
0.025021910667419434,
-0.15906290709972382,
-0.046803079545497894,
-0.04911082983016968,
-0.011261768639087677,
-0.05144722759723663,
-0.09462655335664749,
-0.11095340549945831,
0.17675429582595825,
0.25078487396240234,
-0.04706921428442001,
0.17575737833976746,
0.19815142452716827,
0.02285667136311531,
-0.15044929087162018,
-0.08083746582269669,
-0.11168404668569565,
-0.037326980382204056,
-0.010415351949632168,
-0.11393950879573822,
0.020843548700213432,
0.03541066125035286,
-0.011426113545894623,
0.12473516911268234,
-0.23799580335617065,
-0.07529935985803604,
0.12034786492586136,
-0.08295249938964844,
0.2654094696044922,
-0.2314244508743286,
-0.0913439691066742,
-0.07221797853708267,
-0.03743031620979309,
0.04956130310893059,
-0.031364571303129196,
0.09768053889274597,
-0.008900376036763191,
0.17387400567531586,
0.001453872537240386,
0.051448285579681396,
0.16084246337413788,
0.0872076153755188,
0.0052703674882650375,
-0.1445278823375702,
-0.18507680296897888,
0.21847468614578247,
-0.01692560315132141,
-0.013098801486194134,
-0.03462377190589905,
-0.09913726150989532,
-0.09901521354913712,
0.022310853004455566,
-0.06843290477991104,
0.017545904964208603,
0.011092591099441051,
-0.08470931649208069,
-0.09009835869073868,
0.013311023823916912,
-0.0467660054564476,
-0.046555712819099426,
0.1715405434370041,
0.03690078482031822,
0.08929793536663055,
-0.12223462015390396,
-0.04317713901400566,
-0.07151026278734207,
0.10529161989688873,
-0.026845896616578102,
-0.030171899124979973,
0.08786657452583313,
-0.20462389290332794,
-0.06574617326259613,
0.09617035835981369,
-0.0424237884581089,
0.007583498023450375,
0.04435492306947708,
-0.07341155409812927,
0.09491052478551865,
0.158333420753479,
0.08755036443471909,
-0.1751185655593872,
0.03442759811878204,
-0.035813771188259125,
0.07828433811664581,
-0.0019168148282915354,
-0.09664998203516006,
0.04775715619325638,
-0.006505127064883709,
0.017639828845858574,
-0.00020659793517552316,
-0.08892633020877838,
-0.021843574941158295,
0.047832854092121124,
0.05832953378558159,
-0.10404966026544571,
0.1549987941980362,
0.11202269047498703,
-0.00645825732499361,
-0.03721533343195915,
0.2199387550354004,
-0.12840501964092255,
-0.04744844511151314,
0.04678118973970413,
0.041933994740247726,
0.12204313278198242,
-0.06170427054166794,
0.11169072240591049,
-0.11323024332523346,
-0.04562675952911377,
0.12483757734298706,
-0.0402689054608345,
0.021427400410175323,
0.07453864067792892,
-0.0357694998383522,
0.06944297254085541,
0.030495712533593178,
-0.11254418641328812,
0.04935598000884056,
-0.14286816120147705,
-0.04468455910682678,
-0.044971026480197906,
0.18057361245155334,
-0.006842352915555239,
-0.0716729387640953,
-0.20086927711963654,
0.036990515887737274,
0.006151323206722736,
0.0573338158428669,
-0.15242835879325867,
0.007051176857203245,
0.034428514540195465,
-0.06061846390366554,
-0.060774628072977066,
-0.09884710609912872,
-0.12530392408370972,
0.04860082268714905,
-0.010344404727220535,
0.15724219381809235,
-0.011913903057575226,
-0.056884583085775375,
0.03486364707350731,
0.05694097653031349,
0.12904778122901917,
0.0849374309182167,
-0.05007830634713173,
0.16440363228321075,
-0.06165080890059471,
-0.02074967883527279,
0.07912657409906387,
-0.02899329364299774,
0.03891574591398239,
0.08417699486017227,
-0.08480732142925262,
-0.06256823241710663,
0.08259054273366928,
0.0644477903842926,
-0.012312911450862885,
-0.08168316632509232,
-0.10708596557378769,
-0.17180033028125763,
-0.13418202102184296,
-0.017401549965143204,
-0.024762151762843132,
0.11930859833955765,
-0.07495042681694031,
0.07965001463890076,
0.0680730938911438,
0.02033117786049843,
0.08078616857528687,
0.00008092349889921024,
-0.01337928231805563,
-0.11101141571998596,
0.021201418712735176,
-0.11452790349721909,
0.019121626392006874,
-0.042855069041252136,
0.23983889818191528,
0.057376328855752945,
-0.0877191424369812,
0.029492918401956558,
0.02441691979765892,
-0.1709728240966797,
0.001026923768222332,
0.4002592861652374,
0.12279237061738968,
-0.056068796664476395,
-0.09852831065654755,
0.012725036591291428,
-0.08318153023719788,
-0.11397001892328262,
0.08791571855545044,
0.17748773097991943,
-0.03255243971943855,
0.03448812663555145,
0.030105864629149437,
-0.08004722744226456,
-0.014476913958787918,
0.029605811461806297,
-0.03367650508880615,
-0.03205709531903267,
-0.02875455468893051,
-0.00502307852730155,
0.23614230751991272,
-0.06859583407640457,
0.039286114275455475,
-0.1167343407869339,
-0.08043922483921051,
-0.11380425095558167,
-0.16451147198677063,
-0.05525391921401024,
-0.07910094410181046,
0.0433247908949852,
0.013745066709816456,
0.06694420427083969,
0.18319237232208252,
0.06717158108949661,
0.02091529406607151,
0.14071562886238098,
-0.14808253943920135,
-0.13040602207183838,
0.003957000561058521,
-0.04318831115961075,
0.008414557203650475,
-0.07809624820947647,
-0.05713052675127983,
-0.04351751506328583,
-0.12879574298858643,
-0.06849995255470276,
0.022615864872932434,
-0.10363061726093292,
-0.01719745062291622,
-0.24233035743236542,
-0.06008061021566391,
-0.013727428391575813,
0.054332584142684937,
0.044457729905843735,
0.007426178548485041,
0.02308551035821438,
-0.061753980815410614,
-0.008768496103584766,
0.13352392613887787,
0.045294515788555145,
-0.17486870288848877,
-0.000997531577013433,
-0.04602252319455147,
0.035810746252536774,
0.013622877188026905,
-0.07343770563602448,
-0.07187157869338989,
-0.03581598401069641,
0.16182342171669006,
0.22340942919254303,
0.09597373753786087,
0.01837890036404133,
-0.00490071764215827,
0.03505239635705948,
0.04896974936127663,
0.18720436096191406,
-0.03547373041510582,
0.0396094024181366,
-0.04783913865685463,
0.06440535932779312,
0.0492369681596756,
-0.00574504304677248,
-0.22523581981658936,
0.134937584400177,
0.09475637227296829,
-0.0523165799677372,
-0.0696335881948471,
0.15790967643260956,
-0.18238627910614014,
0.19727542996406555,
0.09949784725904465,
-0.14941354095935822,
-0.060255225747823715,
-0.07068734616041183,
0.030599281191825867,
0.0615890733897686,
0.06831568479537964,
-0.05519270896911621,
-0.05568765476346016,
-0.15026220679283142,
0.07398726791143417,
-0.23540331423282623,
-0.10023985803127289,
0.06407235562801361,
0.10063134878873825,
0.07254937291145325,
-0.03553244471549988,
-0.0011030761525034904,
0.04892042279243469,
0.014763118699193,
-0.058179665356874466,
0.09922169148921967,
0.06947507709264755,
0.1774207204580307,
-0.06213245913386345,
-0.0066917999647557735,
0.003926604986190796,
-0.1512560397386551,
0.09844360500574112,
-0.05121774226427078,
0.0012747806031256914,
0.10609354823827744,
0.0492825023829937,
-0.041122257709503174,
0.09578581154346466,
-0.09548414498567581,
0.08013660460710526,
0.076714426279068,
-0.010630297474563122,
-0.019376816228032112,
-0.025063147768378258,
-0.029654869809746742,
0.0700664296746254,
-0.19279932975769043,
-0.12963862717151642,
0.014493079856038094,
-0.07673228532075882,
0.07695786654949188,
0.024684017524123192,
-0.0967281237244606,
0.03958585858345032,
-0.0879477858543396,
0.1313643455505371,
-0.1117076501250267,
0.04252809286117554,
0.13405466079711914,
-0.03861037269234657,
-0.0018595135770738125,
-0.43507149815559387,
0.04290531948208809,
0.08450409024953842,
-0.11601435393095016,
-0.04019211232662201
] |
ecf21c2885972560c663f0c7d13b63d928bc589f |
# Dataset Card for Evaluation run of AI-B/UTENA-7B-NSFW-V2
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [AI-B/UTENA-7B-NSFW-V2](https://huggingface.co/AI-B/UTENA-7B-NSFW-V2) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_AI-B__UTENA-7B-NSFW-V2",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T11:48:04.187010](https://huggingface.co/datasets/open-llm-leaderboard/details_AI-B__UTENA-7B-NSFW-V2/blob/main/results_2024-01-14T11-48-04.187010.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.638083652271864,
"acc_stderr": 0.03246467430851539,
"acc_norm": 0.6431039350752417,
"acc_norm_stderr": 0.03311589246690635,
"mc1": 0.3243574051407589,
"mc1_stderr": 0.01638797677964794,
"mc2": 0.47807391011550315,
"mc2_stderr": 0.014833615164608181
},
"harness|arc:challenge|25": {
"acc": 0.6015358361774744,
"acc_stderr": 0.014306946052735565,
"acc_norm": 0.6331058020477816,
"acc_norm_stderr": 0.0140841331181043
},
"harness|hellaswag|10": {
"acc": 0.6462856004779924,
"acc_stderr": 0.004771447244095128,
"acc_norm": 0.8454491137223661,
"acc_norm_stderr": 0.003607372606295101
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.37,
"acc_stderr": 0.048523658709391,
"acc_norm": 0.37,
"acc_norm_stderr": 0.048523658709391
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6,
"acc_stderr": 0.042320736951515885,
"acc_norm": 0.6,
"acc_norm_stderr": 0.042320736951515885
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.6578947368421053,
"acc_stderr": 0.03860731599316092,
"acc_norm": 0.6578947368421053,
"acc_norm_stderr": 0.03860731599316092
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.58,
"acc_stderr": 0.049604496374885836,
"acc_norm": 0.58,
"acc_norm_stderr": 0.049604496374885836
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.6867924528301886,
"acc_stderr": 0.028544793319055326,
"acc_norm": 0.6867924528301886,
"acc_norm_stderr": 0.028544793319055326
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7569444444444444,
"acc_stderr": 0.03586879280080341,
"acc_norm": 0.7569444444444444,
"acc_norm_stderr": 0.03586879280080341
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.46,
"acc_stderr": 0.05009082659620332,
"acc_norm": 0.46,
"acc_norm_stderr": 0.05009082659620332
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.5,
"acc_stderr": 0.050251890762960605,
"acc_norm": 0.5,
"acc_norm_stderr": 0.050251890762960605
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.4,
"acc_stderr": 0.04923659639173309,
"acc_norm": 0.4,
"acc_norm_stderr": 0.04923659639173309
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6473988439306358,
"acc_stderr": 0.036430371689585475,
"acc_norm": 0.6473988439306358,
"acc_norm_stderr": 0.036430371689585475
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.47058823529411764,
"acc_stderr": 0.04966570903978529,
"acc_norm": 0.47058823529411764,
"acc_norm_stderr": 0.04966570903978529
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.73,
"acc_stderr": 0.04461960433384739,
"acc_norm": 0.73,
"acc_norm_stderr": 0.04461960433384739
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.574468085106383,
"acc_stderr": 0.032321469162244675,
"acc_norm": 0.574468085106383,
"acc_norm_stderr": 0.032321469162244675
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.49122807017543857,
"acc_stderr": 0.04702880432049615,
"acc_norm": 0.49122807017543857,
"acc_norm_stderr": 0.04702880432049615
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5448275862068965,
"acc_stderr": 0.04149886942192118,
"acc_norm": 0.5448275862068965,
"acc_norm_stderr": 0.04149886942192118
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.41005291005291006,
"acc_stderr": 0.02533120243894444,
"acc_norm": 0.41005291005291006,
"acc_norm_stderr": 0.02533120243894444
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.42857142857142855,
"acc_stderr": 0.04426266681379909,
"acc_norm": 0.42857142857142855,
"acc_norm_stderr": 0.04426266681379909
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.42,
"acc_stderr": 0.049604496374885836,
"acc_norm": 0.42,
"acc_norm_stderr": 0.049604496374885836
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7451612903225806,
"acc_stderr": 0.024790118459332208,
"acc_norm": 0.7451612903225806,
"acc_norm_stderr": 0.024790118459332208
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5221674876847291,
"acc_stderr": 0.03514528562175008,
"acc_norm": 0.5221674876847291,
"acc_norm_stderr": 0.03514528562175008
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.7,
"acc_stderr": 0.046056618647183814,
"acc_norm": 0.7,
"acc_norm_stderr": 0.046056618647183814
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7757575757575758,
"acc_stderr": 0.032568666616811015,
"acc_norm": 0.7757575757575758,
"acc_norm_stderr": 0.032568666616811015
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7828282828282829,
"acc_stderr": 0.029376616484945633,
"acc_norm": 0.7828282828282829,
"acc_norm_stderr": 0.029376616484945633
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8652849740932642,
"acc_stderr": 0.02463978909770944,
"acc_norm": 0.8652849740932642,
"acc_norm_stderr": 0.02463978909770944
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6410256410256411,
"acc_stderr": 0.024321738484602354,
"acc_norm": 0.6410256410256411,
"acc_norm_stderr": 0.024321738484602354
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.31851851851851853,
"acc_stderr": 0.02840653309060846,
"acc_norm": 0.31851851851851853,
"acc_norm_stderr": 0.02840653309060846
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6848739495798319,
"acc_stderr": 0.03017680828897434,
"acc_norm": 0.6848739495798319,
"acc_norm_stderr": 0.03017680828897434
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.3841059602649007,
"acc_stderr": 0.03971301814719197,
"acc_norm": 0.3841059602649007,
"acc_norm_stderr": 0.03971301814719197
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8275229357798165,
"acc_stderr": 0.01619780795684805,
"acc_norm": 0.8275229357798165,
"acc_norm_stderr": 0.01619780795684805
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5370370370370371,
"acc_stderr": 0.03400603625538272,
"acc_norm": 0.5370370370370371,
"acc_norm_stderr": 0.03400603625538272
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.7990196078431373,
"acc_stderr": 0.028125972265654373,
"acc_norm": 0.7990196078431373,
"acc_norm_stderr": 0.028125972265654373
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.7805907172995781,
"acc_stderr": 0.026939106581553945,
"acc_norm": 0.7805907172995781,
"acc_norm_stderr": 0.026939106581553945
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.672645739910314,
"acc_stderr": 0.03149384670994131,
"acc_norm": 0.672645739910314,
"acc_norm_stderr": 0.03149384670994131
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7557251908396947,
"acc_stderr": 0.03768335959728742,
"acc_norm": 0.7557251908396947,
"acc_norm_stderr": 0.03768335959728742
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.7603305785123967,
"acc_stderr": 0.03896878985070416,
"acc_norm": 0.7603305785123967,
"acc_norm_stderr": 0.03896878985070416
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7870370370370371,
"acc_stderr": 0.0395783547198098,
"acc_norm": 0.7870370370370371,
"acc_norm_stderr": 0.0395783547198098
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7914110429447853,
"acc_stderr": 0.031921934489347235,
"acc_norm": 0.7914110429447853,
"acc_norm_stderr": 0.031921934489347235
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.5,
"acc_stderr": 0.04745789978762494,
"acc_norm": 0.5,
"acc_norm_stderr": 0.04745789978762494
},
"harness|hendrycksTest-management|5": {
"acc": 0.7864077669902912,
"acc_stderr": 0.040580420156460344,
"acc_norm": 0.7864077669902912,
"acc_norm_stderr": 0.040580420156460344
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8846153846153846,
"acc_stderr": 0.02093019318517933,
"acc_norm": 0.8846153846153846,
"acc_norm_stderr": 0.02093019318517933
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.73,
"acc_stderr": 0.044619604333847394,
"acc_norm": 0.73,
"acc_norm_stderr": 0.044619604333847394
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8020434227330779,
"acc_stderr": 0.014248873549217578,
"acc_norm": 0.8020434227330779,
"acc_norm_stderr": 0.014248873549217578
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7052023121387283,
"acc_stderr": 0.024547617794803828,
"acc_norm": 0.7052023121387283,
"acc_norm_stderr": 0.024547617794803828
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.2335195530726257,
"acc_stderr": 0.014149575348976267,
"acc_norm": 0.2335195530726257,
"acc_norm_stderr": 0.014149575348976267
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7450980392156863,
"acc_stderr": 0.024954184324879905,
"acc_norm": 0.7450980392156863,
"acc_norm_stderr": 0.024954184324879905
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7331189710610932,
"acc_stderr": 0.025122637608816646,
"acc_norm": 0.7331189710610932,
"acc_norm_stderr": 0.025122637608816646
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7253086419753086,
"acc_stderr": 0.024836057868294677,
"acc_norm": 0.7253086419753086,
"acc_norm_stderr": 0.024836057868294677
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.48936170212765956,
"acc_stderr": 0.02982074719142248,
"acc_norm": 0.48936170212765956,
"acc_norm_stderr": 0.02982074719142248
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.4556714471968709,
"acc_stderr": 0.012719949543032209,
"acc_norm": 0.4556714471968709,
"acc_norm_stderr": 0.012719949543032209
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6691176470588235,
"acc_stderr": 0.02858270975389844,
"acc_norm": 0.6691176470588235,
"acc_norm_stderr": 0.02858270975389844
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6683006535947712,
"acc_stderr": 0.019047485239360375,
"acc_norm": 0.6683006535947712,
"acc_norm_stderr": 0.019047485239360375
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6727272727272727,
"acc_stderr": 0.0449429086625209,
"acc_norm": 0.6727272727272727,
"acc_norm_stderr": 0.0449429086625209
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7346938775510204,
"acc_stderr": 0.028263889943784593,
"acc_norm": 0.7346938775510204,
"acc_norm_stderr": 0.028263889943784593
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8507462686567164,
"acc_stderr": 0.025196929874827058,
"acc_norm": 0.8507462686567164,
"acc_norm_stderr": 0.025196929874827058
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.87,
"acc_stderr": 0.033799766898963086,
"acc_norm": 0.87,
"acc_norm_stderr": 0.033799766898963086
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5301204819277109,
"acc_stderr": 0.03885425420866767,
"acc_norm": 0.5301204819277109,
"acc_norm_stderr": 0.03885425420866767
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8187134502923976,
"acc_stderr": 0.029547741687640044,
"acc_norm": 0.8187134502923976,
"acc_norm_stderr": 0.029547741687640044
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3243574051407589,
"mc1_stderr": 0.01638797677964794,
"mc2": 0.47807391011550315,
"mc2_stderr": 0.014833615164608181
},
"harness|winogrande|5": {
"acc": 0.7868981846882399,
"acc_stderr": 0.011508957690722759
},
"harness|gsm8k|5": {
"acc": 0.42380591357088704,
"acc_stderr": 0.013611632008810366
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_AI-B__UTENA-7B-NSFW-V2 | [
"region:us"
] | 2024-01-14T11:50:22+00:00 | {"pretty_name": "Evaluation run of AI-B/UTENA-7B-NSFW-V2", "dataset_summary": "Dataset automatically created during the evaluation run of model [AI-B/UTENA-7B-NSFW-V2](https://huggingface.co/AI-B/UTENA-7B-NSFW-V2) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_AI-B__UTENA-7B-NSFW-V2\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T11:48:04.187010](https://huggingface.co/datasets/open-llm-leaderboard/details_AI-B__UTENA-7B-NSFW-V2/blob/main/results_2024-01-14T11-48-04.187010.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.638083652271864,\n \"acc_stderr\": 0.03246467430851539,\n \"acc_norm\": 0.6431039350752417,\n \"acc_norm_stderr\": 0.03311589246690635,\n \"mc1\": 0.3243574051407589,\n \"mc1_stderr\": 0.01638797677964794,\n \"mc2\": 0.47807391011550315,\n \"mc2_stderr\": 0.014833615164608181\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6015358361774744,\n \"acc_stderr\": 0.014306946052735565,\n \"acc_norm\": 0.6331058020477816,\n \"acc_norm_stderr\": 0.0140841331181043\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6462856004779924,\n \"acc_stderr\": 0.004771447244095128,\n \"acc_norm\": 0.8454491137223661,\n \"acc_norm_stderr\": 0.003607372606295101\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.37,\n \"acc_stderr\": 0.048523658709391,\n \"acc_norm\": 0.37,\n \"acc_norm_stderr\": 0.048523658709391\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6,\n \"acc_stderr\": 0.042320736951515885,\n \"acc_norm\": 0.6,\n \"acc_norm_stderr\": 0.042320736951515885\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.6578947368421053,\n \"acc_stderr\": 0.03860731599316092,\n \"acc_norm\": 0.6578947368421053,\n \"acc_norm_stderr\": 0.03860731599316092\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.58,\n \"acc_stderr\": 0.049604496374885836,\n \"acc_norm\": 0.58,\n \"acc_norm_stderr\": 0.049604496374885836\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.6867924528301886,\n \"acc_stderr\": 0.028544793319055326,\n \"acc_norm\": 0.6867924528301886,\n \"acc_norm_stderr\": 0.028544793319055326\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7569444444444444,\n \"acc_stderr\": 0.03586879280080341,\n \"acc_norm\": 0.7569444444444444,\n \"acc_norm_stderr\": 0.03586879280080341\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.46,\n \"acc_stderr\": 0.05009082659620332,\n \"acc_norm\": 0.46,\n \"acc_norm_stderr\": 0.05009082659620332\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.050251890762960605,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.050251890762960605\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.4,\n \"acc_stderr\": 0.04923659639173309,\n \"acc_norm\": 0.4,\n \"acc_norm_stderr\": 0.04923659639173309\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6473988439306358,\n \"acc_stderr\": 0.036430371689585475,\n \"acc_norm\": 0.6473988439306358,\n \"acc_norm_stderr\": 0.036430371689585475\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.47058823529411764,\n \"acc_stderr\": 0.04966570903978529,\n \"acc_norm\": 0.47058823529411764,\n \"acc_norm_stderr\": 0.04966570903978529\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.73,\n \"acc_stderr\": 0.04461960433384739,\n \"acc_norm\": 0.73,\n \"acc_norm_stderr\": 0.04461960433384739\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.574468085106383,\n \"acc_stderr\": 0.032321469162244675,\n \"acc_norm\": 0.574468085106383,\n \"acc_norm_stderr\": 0.032321469162244675\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.49122807017543857,\n \"acc_stderr\": 0.04702880432049615,\n \"acc_norm\": 0.49122807017543857,\n \"acc_norm_stderr\": 0.04702880432049615\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5448275862068965,\n \"acc_stderr\": 0.04149886942192118,\n \"acc_norm\": 0.5448275862068965,\n \"acc_norm_stderr\": 0.04149886942192118\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.41005291005291006,\n \"acc_stderr\": 0.02533120243894444,\n \"acc_norm\": 0.41005291005291006,\n \"acc_norm_stderr\": 0.02533120243894444\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.42857142857142855,\n \"acc_stderr\": 0.04426266681379909,\n \"acc_norm\": 0.42857142857142855,\n \"acc_norm_stderr\": 0.04426266681379909\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.42,\n \"acc_stderr\": 0.049604496374885836,\n \"acc_norm\": 0.42,\n \"acc_norm_stderr\": 0.049604496374885836\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7451612903225806,\n \"acc_stderr\": 0.024790118459332208,\n \"acc_norm\": 0.7451612903225806,\n \"acc_norm_stderr\": 0.024790118459332208\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5221674876847291,\n \"acc_stderr\": 0.03514528562175008,\n \"acc_norm\": 0.5221674876847291,\n \"acc_norm_stderr\": 0.03514528562175008\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.7,\n \"acc_stderr\": 0.046056618647183814,\n \"acc_norm\": 0.7,\n \"acc_norm_stderr\": 0.046056618647183814\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7757575757575758,\n \"acc_stderr\": 0.032568666616811015,\n \"acc_norm\": 0.7757575757575758,\n \"acc_norm_stderr\": 0.032568666616811015\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7828282828282829,\n \"acc_stderr\": 0.029376616484945633,\n \"acc_norm\": 0.7828282828282829,\n \"acc_norm_stderr\": 0.029376616484945633\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8652849740932642,\n \"acc_stderr\": 0.02463978909770944,\n \"acc_norm\": 0.8652849740932642,\n \"acc_norm_stderr\": 0.02463978909770944\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6410256410256411,\n \"acc_stderr\": 0.024321738484602354,\n \"acc_norm\": 0.6410256410256411,\n \"acc_norm_stderr\": 0.024321738484602354\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.31851851851851853,\n \"acc_stderr\": 0.02840653309060846,\n \"acc_norm\": 0.31851851851851853,\n \"acc_norm_stderr\": 0.02840653309060846\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6848739495798319,\n \"acc_stderr\": 0.03017680828897434,\n \"acc_norm\": 0.6848739495798319,\n \"acc_norm_stderr\": 0.03017680828897434\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.3841059602649007,\n \"acc_stderr\": 0.03971301814719197,\n \"acc_norm\": 0.3841059602649007,\n \"acc_norm_stderr\": 0.03971301814719197\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8275229357798165,\n \"acc_stderr\": 0.01619780795684805,\n \"acc_norm\": 0.8275229357798165,\n \"acc_norm_stderr\": 0.01619780795684805\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5370370370370371,\n \"acc_stderr\": 0.03400603625538272,\n \"acc_norm\": 0.5370370370370371,\n \"acc_norm_stderr\": 0.03400603625538272\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.7990196078431373,\n \"acc_stderr\": 0.028125972265654373,\n \"acc_norm\": 0.7990196078431373,\n \"acc_norm_stderr\": 0.028125972265654373\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.7805907172995781,\n \"acc_stderr\": 0.026939106581553945,\n \"acc_norm\": 0.7805907172995781,\n \"acc_norm_stderr\": 0.026939106581553945\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.672645739910314,\n \"acc_stderr\": 0.03149384670994131,\n \"acc_norm\": 0.672645739910314,\n \"acc_norm_stderr\": 0.03149384670994131\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7557251908396947,\n \"acc_stderr\": 0.03768335959728742,\n \"acc_norm\": 0.7557251908396947,\n \"acc_norm_stderr\": 0.03768335959728742\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.7603305785123967,\n \"acc_stderr\": 0.03896878985070416,\n \"acc_norm\": 0.7603305785123967,\n \"acc_norm_stderr\": 0.03896878985070416\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7870370370370371,\n \"acc_stderr\": 0.0395783547198098,\n \"acc_norm\": 0.7870370370370371,\n \"acc_norm_stderr\": 0.0395783547198098\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7914110429447853,\n \"acc_stderr\": 0.031921934489347235,\n \"acc_norm\": 0.7914110429447853,\n \"acc_norm_stderr\": 0.031921934489347235\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.04745789978762494,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.04745789978762494\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.7864077669902912,\n \"acc_stderr\": 0.040580420156460344,\n \"acc_norm\": 0.7864077669902912,\n \"acc_norm_stderr\": 0.040580420156460344\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8846153846153846,\n \"acc_stderr\": 0.02093019318517933,\n \"acc_norm\": 0.8846153846153846,\n \"acc_norm_stderr\": 0.02093019318517933\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.73,\n \"acc_stderr\": 0.044619604333847394,\n \"acc_norm\": 0.73,\n \"acc_norm_stderr\": 0.044619604333847394\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8020434227330779,\n \"acc_stderr\": 0.014248873549217578,\n \"acc_norm\": 0.8020434227330779,\n \"acc_norm_stderr\": 0.014248873549217578\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7052023121387283,\n \"acc_stderr\": 0.024547617794803828,\n \"acc_norm\": 0.7052023121387283,\n \"acc_norm_stderr\": 0.024547617794803828\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.2335195530726257,\n \"acc_stderr\": 0.014149575348976267,\n \"acc_norm\": 0.2335195530726257,\n \"acc_norm_stderr\": 0.014149575348976267\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7450980392156863,\n \"acc_stderr\": 0.024954184324879905,\n \"acc_norm\": 0.7450980392156863,\n \"acc_norm_stderr\": 0.024954184324879905\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7331189710610932,\n \"acc_stderr\": 0.025122637608816646,\n \"acc_norm\": 0.7331189710610932,\n \"acc_norm_stderr\": 0.025122637608816646\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7253086419753086,\n \"acc_stderr\": 0.024836057868294677,\n \"acc_norm\": 0.7253086419753086,\n \"acc_norm_stderr\": 0.024836057868294677\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.48936170212765956,\n \"acc_stderr\": 0.02982074719142248,\n \"acc_norm\": 0.48936170212765956,\n \"acc_norm_stderr\": 0.02982074719142248\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.4556714471968709,\n \"acc_stderr\": 0.012719949543032209,\n \"acc_norm\": 0.4556714471968709,\n \"acc_norm_stderr\": 0.012719949543032209\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6691176470588235,\n \"acc_stderr\": 0.02858270975389844,\n \"acc_norm\": 0.6691176470588235,\n \"acc_norm_stderr\": 0.02858270975389844\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6683006535947712,\n \"acc_stderr\": 0.019047485239360375,\n \"acc_norm\": 0.6683006535947712,\n \"acc_norm_stderr\": 0.019047485239360375\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6727272727272727,\n \"acc_stderr\": 0.0449429086625209,\n \"acc_norm\": 0.6727272727272727,\n \"acc_norm_stderr\": 0.0449429086625209\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7346938775510204,\n \"acc_stderr\": 0.028263889943784593,\n \"acc_norm\": 0.7346938775510204,\n \"acc_norm_stderr\": 0.028263889943784593\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8507462686567164,\n \"acc_stderr\": 0.025196929874827058,\n \"acc_norm\": 0.8507462686567164,\n \"acc_norm_stderr\": 0.025196929874827058\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.87,\n \"acc_stderr\": 0.033799766898963086,\n \"acc_norm\": 0.87,\n \"acc_norm_stderr\": 0.033799766898963086\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5301204819277109,\n \"acc_stderr\": 0.03885425420866767,\n \"acc_norm\": 0.5301204819277109,\n \"acc_norm_stderr\": 0.03885425420866767\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8187134502923976,\n \"acc_stderr\": 0.029547741687640044,\n \"acc_norm\": 0.8187134502923976,\n \"acc_norm_stderr\": 0.029547741687640044\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3243574051407589,\n \"mc1_stderr\": 0.01638797677964794,\n \"mc2\": 0.47807391011550315,\n \"mc2_stderr\": 0.014833615164608181\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.7868981846882399,\n \"acc_stderr\": 0.011508957690722759\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.42380591357088704,\n \"acc_stderr\": 0.013611632008810366\n }\n}\n```", "repo_url": "https://huggingface.co/AI-B/UTENA-7B-NSFW-V2", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|arc:challenge|25_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|gsm8k|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hellaswag|10_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T11-48-04.187010.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["**/details_harness|winogrande|5_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T11-48-04.187010.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T11_48_04.187010", "path": ["results_2024-01-14T11-48-04.187010.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T11-48-04.187010.parquet"]}]}]} | 2024-01-14T11:50:43+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of AI-B/UTENA-7B-NSFW-V2
Dataset automatically created during the evaluation run of model AI-B/UTENA-7B-NSFW-V2 on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T11:48:04.187010(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of AI-B/UTENA-7B-NSFW-V2\n\n\n\nDataset automatically created during the evaluation run of model AI-B/UTENA-7B-NSFW-V2 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T11:48:04.187010(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of AI-B/UTENA-7B-NSFW-V2\n\n\n\nDataset automatically created during the evaluation run of model AI-B/UTENA-7B-NSFW-V2 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T11:48:04.187010(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
189,
67,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of AI-B/UTENA-7B-NSFW-V2\n\n\n\nDataset automatically created during the evaluation run of model AI-B/UTENA-7B-NSFW-V2 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T11:48:04.187010(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.05012040585279465,
0.20223498344421387,
-0.004888297524303198,
0.03303372487425804,
0.09091642498970032,
-0.014613562263548374,
0.04158898815512657,
0.10854744911193848,
0.024395085871219635,
0.18379446864128113,
-0.01877986267209053,
0.1000111997127533,
0.08245489001274109,
0.13254369795322418,
0.015716612339019775,
-0.14685599505901337,
0.03200363740324974,
-0.08385632932186127,
0.08257091790437698,
0.08570203930139542,
0.07320908457040787,
-0.0873512476682663,
0.06500206887722015,
-0.030147671699523926,
0.028057068586349487,
-0.022212805226445198,
-0.07564547657966614,
-0.03315628319978714,
0.0912795215845108,
0.1234499141573906,
0.03159073367714882,
-0.027148623019456863,
0.02151745930314064,
-0.2685500681400299,
0.014702475629746914,
0.09726660698652267,
-0.0076615107245743275,
0.04058945178985596,
0.1313660442829132,
-0.06517034024000168,
0.10481545329093933,
-0.018218375742435455,
0.06517501920461655,
0.05873042345046997,
-0.1130385547876358,
-0.14760196208953857,
-0.14101597666740417,
-0.007825719192624092,
0.0797787755727768,
0.053584545850753784,
-0.03481727093458176,
0.13957953453063965,
-0.04760622978210449,
0.051016196608543396,
0.11926833540201187,
-0.10392199456691742,
-0.022054292261600494,
0.04097990691661835,
0.020967910066246986,
0.07021936774253845,
-0.08654545247554779,
-0.01399274729192257,
0.033519238233566284,
0.05164216831326485,
0.019867559894919395,
0.019679538905620575,
-0.028434723615646362,
0.01704912818968296,
-0.1454658955335617,
-0.1350846290588379,
0.14912572503089905,
0.014550035819411278,
-0.04229472577571869,
-0.18498849868774414,
-0.014547031372785568,
-0.0024745017290115356,
0.0029494157060980797,
-0.024227324873209,
-0.004472605884075165,
-0.022892359644174576,
0.10798199474811554,
-0.012964153662323952,
-0.09914329648017883,
-0.024958977475762367,
-0.008075721561908722,
0.07827343791723251,
0.020371437072753906,
-0.008699152618646622,
0.013694917783141136,
0.1077304556965828,
0.002193841151893139,
-0.07333007454872131,
-0.06819756329059601,
-0.04886686056852341,
-0.12456352263689041,
-0.03906707465648651,
0.015062781982123852,
-0.07277743518352509,
0.02685796655714512,
0.2199733555316925,
-0.024150412529706955,
0.02103210613131523,
-0.1074291318655014,
0.014699062332510948,
0.11103156954050064,
0.06836569309234619,
-0.08177351951599121,
-0.03689103201031685,
-0.029723985120654106,
0.03536418080329895,
0.03439755365252495,
-0.022672466933727264,
0.006055764853954315,
0.07487635314464569,
0.02801874466240406,
0.11676646769046783,
0.12021824717521667,
0.03037162311375141,
-0.07707160711288452,
-0.027028435841202736,
0.23344165086746216,
-0.13459797203540802,
-0.021600401028990746,
0.0205632746219635,
-0.04676606506109238,
-0.11870317161083221,
0.06465649604797363,
0.005430961027741432,
-0.0490105114877224,
0.13437321782112122,
-0.047956496477127075,
-0.06854690611362457,
-0.07709342241287231,
-0.06425850093364716,
0.05625172331929207,
0.021762654185295105,
-0.04821139574050903,
-0.08348938822746277,
-0.08116086572408676,
-0.08563430607318878,
0.02958918735384941,
-0.06583913415670395,
-0.018766533583402634,
0.021213695406913757,
-0.016608716920018196,
-0.01404818519949913,
-0.014197156764566898,
0.09730234742164612,
-0.05517071485519409,
0.034841880202293396,
0.005317649804055691,
0.024493888020515442,
0.09583129733800888,
0.04472043365240097,
-0.1187194287776947,
0.07475880533456802,
-0.1418595165014267,
0.09038552641868591,
-0.11258044838905334,
-0.0035688558127731085,
-0.13138455152511597,
-0.010140392929315567,
-0.018511783331632614,
0.04121643304824829,
-0.020387843251228333,
0.09064750373363495,
-0.22626256942749023,
0.005705348681658506,
0.1368153691291809,
-0.11681751906871796,
-0.09323956817388535,
0.09744326770305634,
-0.0393500030040741,
0.05252525210380554,
0.0399579256772995,
0.11574777960777283,
0.09345218539237976,
-0.06318536400794983,
-0.10134769231081009,
-0.07656672596931458,
-0.027305804193019867,
0.1523130238056183,
0.07325634360313416,
-0.07236935943365097,
0.09416823089122772,
0.04420025646686554,
-0.008065059781074524,
-0.08316294848918915,
-0.008976956829428673,
-0.06869903951883316,
-0.007189673371613026,
-0.069296695291996,
-0.05724881961941719,
-0.0008233198896050453,
-0.07746037095785141,
-0.008310995995998383,
-0.09639926254749298,
-0.03111160919070244,
0.09459501504898071,
-0.023117363452911377,
0.009330899454653263,
-0.07625851035118103,
0.042644333094358444,
0.007630802690982819,
0.017381178215146065,
-0.21294797956943512,
-0.10576054453849792,
0.034424860030412674,
-0.18006831407546997,
0.04832138866186142,
0.03176111355423927,
0.004694333299994469,
0.043571002781391144,
-0.009562301449477673,
0.031262487173080444,
0.032595183700323105,
-0.010128743946552277,
-0.01779092848300934,
-0.1429416537284851,
-0.054256245493888855,
-0.0873650461435318,
0.06605109572410583,
-0.15872427821159363,
-0.019933681935071945,
0.07450981438159943,
0.1648406982421875,
0.025807363912463188,
-0.083546943962574,
0.06979554146528244,
0.013857590034604073,
-0.045773282647132874,
-0.04903765767812729,
-0.00398976169526577,
-0.03577978163957596,
0.023174695670604706,
0.033710233867168427,
-0.21012432873249054,
-0.10780750960111618,
0.07323592901229858,
0.13045567274093628,
-0.06984423846006393,
-0.08500009775161743,
-0.06440383940935135,
-0.06074904650449753,
-0.0869041159749031,
-0.06837828457355499,
0.07453646510839462,
0.0854644924402237,
0.04614212363958359,
-0.06007932499051094,
-0.0510115772485733,
0.015716854482889175,
0.060044318437576294,
-0.07350097596645355,
0.11532169580459595,
0.08134205639362335,
-0.07327932119369507,
0.102017842233181,
-0.036459729075431824,
0.10264959186315536,
0.06493852287530899,
0.034865688532590866,
-0.09967926144599915,
0.0008091942872852087,
0.056454136967659,
0.04676871746778488,
0.07764121890068054,
-0.04807527735829353,
0.03563135117292404,
0.0807180404663086,
-0.006778835318982601,
0.03467872738838196,
-0.06657855212688446,
0.02817597985267639,
0.03597500920295715,
-0.0008151135989464819,
0.029762139543890953,
0.014865955337882042,
0.001003072364255786,
0.08290127664804459,
0.02572091668844223,
0.08339142054319382,
-0.015566051006317139,
-0.05065843462944031,
-0.10659374296665192,
0.14435938000679016,
-0.07995086908340454,
-0.301502525806427,
-0.1537817418575287,
-0.025080956518650055,
-0.0316302627325058,
-0.010201499797403812,
0.06705531477928162,
-0.014088049530982971,
-0.1099081039428711,
-0.11793304979801178,
0.04035668820142746,
0.028635632246732712,
-0.12722815573215485,
-0.06064828485250473,
0.06024254113435745,
0.0027172176633030176,
-0.15468594431877136,
0.042242009192705154,
0.04420451819896698,
-0.0458255372941494,
-0.007360507268458605,
0.08769688010215759,
0.12197288870811462,
0.08492730557918549,
0.0693403035402298,
-0.0210131648927927,
-0.012415928766131401,
0.17916259169578552,
-0.11781658232212067,
0.031080281361937523,
0.11241932213306427,
-0.05102076381444931,
0.062069911509752274,
0.19197681546211243,
0.01657872088253498,
-0.09555418789386749,
0.05614570155739784,
0.08444483578205109,
-0.06981263309717178,
-0.24677681922912598,
-0.1202220767736435,
-0.026500269770622253,
0.007281836122274399,
0.09881190955638885,
0.06622103601694107,
0.01811952143907547,
0.009203808382153511,
-0.12427206337451935,
-0.03177341818809509,
-0.05881589278578758,
0.0692848265171051,
0.07529688626527786,
-0.002384667517617345,
0.047848328948020935,
-0.0402139313519001,
0.021601051092147827,
0.11681532859802246,
0.0336163192987442,
0.15467949211597443,
-0.03744275122880936,
0.1628451645374298,
0.08259537816047668,
0.06733791530132294,
-0.02969750203192234,
0.0254126638174057,
-0.006847677286714315,
0.05805787444114685,
-0.016944698989391327,
-0.1035928875207901,
-0.057545676827430725,
0.12071019411087036,
0.033341184258461,
-0.0783286988735199,
0.026611452922225,
-0.06464832276105881,
0.038746073842048645,
0.17521177232265472,
-0.02408396080136299,
-0.14755508303642273,
-0.06631051003932953,
0.05497589707374573,
-0.03935021534562111,
-0.08747390657663345,
-0.002428809879347682,
0.0885620266199112,
-0.1349686086177826,
0.0045470488257706165,
-0.042908914387226105,
0.0792827308177948,
-0.14522138237953186,
-0.01810852438211441,
0.0037264255806803703,
0.05276397615671158,
-0.0021399543620646,
0.11644422262907028,
-0.14953485131263733,
0.11798815429210663,
-0.0012199615593999624,
0.021575674414634705,
-0.11039437353610992,
0.048951223492622375,
-0.039977945387363434,
-0.060396090149879456,
0.13946029543876648,
-0.010731497779488564,
-0.12381431460380554,
-0.06848222762346268,
-0.1024802103638649,
-0.007354347035288811,
0.06963956356048584,
-0.10255162417888641,
0.1014002114534378,
0.03141544386744499,
-0.024655137211084366,
-0.032912589609622955,
-0.016522906720638275,
-0.10340319573879242,
-0.2294749915599823,
0.11649629473686218,
-0.09112107753753662,
0.07456865161657333,
-0.062329575419425964,
-0.04617724567651749,
-0.03913477808237076,
0.15243150293827057,
-0.08560353517532349,
-0.053173042833805084,
-0.11246824264526367,
0.005114130210131407,
0.18328720331192017,
-0.04485233128070831,
0.06662614643573761,
-0.0379522368311882,
0.17682230472564697,
-0.004904808942228556,
-0.03416024148464203,
0.011072317138314247,
-0.10027429461479187,
-0.18733221292495728,
-0.056694395840168,
0.11347735673189163,
0.07362513244152069,
0.024325985461473465,
-0.007881609722971916,
0.026797914877533913,
0.018811117857694626,
-0.09211763739585876,
0.03853125125169754,
0.13475145399570465,
0.10579399019479752,
0.04281599819660187,
-0.01902921125292778,
-0.11750231683254242,
-0.11440099775791168,
-0.11500778794288635,
0.04122146591544151,
0.15011665225028992,
-0.071921706199646,
0.17056550085544586,
0.14938709139823914,
-0.08319251984357834,
-0.1773834377527237,
-0.061343614012002945,
0.029410507529973984,
-0.021616661921143532,
0.12268068641424179,
-0.20110394060611725,
0.06541059911251068,
0.06152918562293053,
-0.030905229970812798,
0.1179816946387291,
-0.250465989112854,
-0.1289370208978653,
0.028878113254904747,
0.04027676582336426,
-0.24726806581020355,
-0.17261269688606262,
-0.11026720702648163,
-0.02620360627770424,
-0.13335838913917542,
0.12515857815742493,
0.044043686240911484,
0.02881910651922226,
-0.01499992422759533,
0.0772433876991272,
0.05650051683187485,
-0.06611868739128113,
0.13137491047382355,
-0.008962120860815048,
0.017125669866800308,
-0.1010420024394989,
-0.034601300954818726,
-0.006334805395454168,
-0.043038882315158844,
0.08350133895874023,
0.024411795660853386,
0.054194360971450806,
-0.09391331672668457,
-0.039221517741680145,
-0.05550679564476013,
0.039815470576286316,
-0.06243325024843216,
-0.051499176770448685,
-0.07346151024103165,
0.09280776977539062,
0.08204426616430283,
-0.008655835874378681,
0.01457194983959198,
-0.050853848457336426,
0.0424184575676918,
0.2216111272573471,
0.11511886119842529,
0.04703661799430847,
-0.10845211148262024,
-0.03327703848481178,
-0.013662431389093399,
0.004067419562488794,
-0.12353447079658508,
0.03846403956413269,
0.09595269709825516,
0.03410005196928978,
0.0863581970334053,
-0.028725717216730118,
-0.17934179306030273,
0.008364330045878887,
0.08287546038627625,
-0.10145221650600433,
-0.20560351014137268,
0.026316151022911072,
0.15834668278694153,
-0.15648621320724487,
-0.05970278009772301,
0.08292427659034729,
0.010782621800899506,
-0.029604298993945122,
-0.0010731290094554424,
0.08485312014818192,
0.06589260697364807,
0.1011299416422844,
0.01347795594483614,
0.05655989795923233,
-0.06950783729553223,
0.08634419739246368,
0.1416272521018982,
-0.14126935601234436,
0.025950180366635323,
0.04706939309835434,
-0.06185136362910271,
-0.071184441447258,
-0.03101622685790062,
-0.025830795988440514,
0.022227177396416664,
-0.045608870685100555,
0.02207096852362156,
-0.017022162675857544,
0.0549129992723465,
0.13090303540229797,
0.003977908752858639,
0.040021490305662155,
0.016533158719539642,
-0.006149169057607651,
-0.0657806545495987,
0.11182142049074173,
0.02923603542149067,
0.037167057394981384,
-0.05028919130563736,
0.014883900061249733,
0.012496745213866234,
-0.029994510114192963,
0.016778122633695602,
-0.04106396436691284,
-0.06505250930786133,
0.003716345177963376,
-0.15585115551948547,
0.05313385650515556,
-0.0823410153388977,
0.0020830079447478056,
0.004218987189233303,
-0.03355846181511879,
-0.006925160065293312,
0.004254728555679321,
-0.07257165014743805,
-0.04577333852648735,
-0.04318578913807869,
0.12496853619813919,
-0.18825334310531616,
-0.0048206401988863945,
0.08518558740615845,
-0.06589474529027939,
0.08083313703536987,
-0.008407261222600937,
-0.02407040446996689,
0.00947450939565897,
-0.08696702122688293,
0.0034211608581244946,
-0.02500767447054386,
0.05592711269855499,
0.010615257546305656,
-0.1516147255897522,
-0.013591770082712173,
0.006321304477751255,
-0.08464160561561584,
-0.009640898555517197,
0.03385654464364052,
-0.16066482663154602,
0.02992287650704384,
0.08200560510158539,
-0.04512247443199158,
-0.049450986087322235,
0.04505418986082077,
0.04819358140230179,
-0.012268060818314552,
0.09834767878055573,
-0.0014374321326613426,
0.04896501451730728,
-0.1433883160352707,
-0.03977314382791519,
-0.0023611406795680523,
0.007992461323738098,
0.016253475099802017,
0.024677861481904984,
0.033913761377334595,
-0.00402823556214571,
0.22229307889938354,
0.007498237770050764,
0.05168306827545166,
0.029614340513944626,
-0.016764063388109207,
-0.019737431779503822,
0.031569674611091614,
0.019784938544034958,
0.011146504431962967,
0.01949368789792061,
0.023849502205848694,
-0.037139642983675,
-0.06309129297733307,
-0.029733512550592422,
0.0658741295337677,
0.1441204845905304,
0.1596473753452301,
-0.035039693117141724,
0.06142917275428772,
-0.16757714748382568,
-0.07510102540254593,
0.03041968122124672,
-0.053035035729408264,
0.059002265334129333,
-0.07445797324180603,
0.06100691854953766,
0.08314703404903412,
-0.0992823988199234,
0.14392241835594177,
-0.06631898880004883,
-0.02882351726293564,
-0.03044172003865242,
-0.17919786274433136,
-0.039562854915857315,
0.002212358172982931,
0.007488299626857042,
-0.09006334096193314,
0.11555436253547668,
0.1378657966852188,
-0.01087942160665989,
-0.007803116459399462,
0.09557365626096725,
-0.04496021196246147,
-0.047450900077819824,
-0.018329771235585213,
0.006520094349980354,
0.014311965554952621,
0.005712617188692093,
0.07129591703414917,
0.01917126588523388,
0.05160028487443924,
0.06484256684780121,
0.09992459416389465,
0.03227156028151512,
0.012318159453570843,
-0.03714611753821373,
-0.06425803899765015,
-0.0005921253468841314,
-0.018668029457330704,
-0.05440859496593475,
0.20953550934791565,
0.05035371333360672,
0.014191246591508389,
0.011044390499591827,
0.2177160531282425,
-0.012934965081512928,
-0.0454493910074234,
-0.13295087218284607,
0.15956038236618042,
-0.005744923371821642,
0.015937266871333122,
0.016501255333423615,
-0.1261080652475357,
0.031416527926921844,
0.17204421758651733,
0.10400567203760147,
0.042998604476451874,
0.005149622447788715,
0.03630597144365311,
0.02181166037917137,
-0.03439560905098915,
0.042803678661584854,
0.03206636384129524,
0.23688764870166779,
-0.05572923645377159,
0.05496688932180405,
-0.011390693485736847,
-0.010938943363726139,
-0.011177990585565567,
0.08665727078914642,
-0.028335507959127426,
0.020806675776839256,
-0.07308711111545563,
0.10053977370262146,
-0.0600399523973465,
-0.2598898112773895,
-0.020918365567922592,
-0.08150211721658707,
-0.12588933110237122,
-0.0163566991686821,
0.03935762122273445,
-0.007535720244050026,
0.041648995131254196,
0.027191732078790665,
-0.037486836314201355,
0.18789899349212646,
0.003320996416732669,
-0.07872132211923599,
-0.059622082859277725,
0.060688529163599014,
-0.03710527345538139,
0.27379095554351807,
-0.008939561434090137,
0.06948331743478775,
0.0966046005487442,
-0.018654104322195053,
-0.1463741511106491,
0.024778015911579132,
0.09598372131586075,
-0.05973372608423233,
0.061769239604473114,
0.18264523148536682,
-0.02158617600798607,
0.16173851490020752,
0.043311551213264465,
-0.028969354927539825,
0.07053760439157486,
0.04594995453953743,
0.036344822496175766,
-0.088640496134758,
0.06842102855443954,
-0.08417625725269318,
0.1425894796848297,
0.11293008178472519,
-0.024787625297904015,
-0.008041320368647575,
-0.04677625745534897,
0.06312589347362518,
-0.030902937054634094,
0.1408843696117401,
-0.006013819016516209,
-0.16528436541557312,
0.040522828698158264,
0.02608863264322281,
0.05281074345111847,
-0.23598229885101318,
-0.06172340735793114,
0.11343146115541458,
-0.045851074159145355,
0.01859906129539013,
0.07564926147460938,
0.05282237380743027,
0.012735576368868351,
-0.07086417078971863,
-0.08648107945919037,
0.0053525157272815704,
0.1231466680765152,
-0.08897757530212402,
-0.040849748998880386
] |
9d411092d6b327e6c6aa4dee5515eeb40e8df28b |
# Dataset Card for Evaluation run of Weyaxi/Cosmosis-3x34B
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [Weyaxi/Cosmosis-3x34B](https://huggingface.co/Weyaxi/Cosmosis-3x34B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_Weyaxi__Cosmosis-3x34B",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T11:59:17.025888](https://huggingface.co/datasets/open-llm-leaderboard/details_Weyaxi__Cosmosis-3x34B/blob/main/results_2024-01-14T11-59-17.025888.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.7691798340940261,
"acc_stderr": 0.027910883477876437,
"acc_norm": 0.7725855380923361,
"acc_norm_stderr": 0.02844764712553433,
"mc1": 0.4663402692778458,
"mc1_stderr": 0.017463793867168103,
"mc2": 0.6382238408380394,
"mc2_stderr": 0.01475552588950266
},
"harness|arc:challenge|25": {
"acc": 0.6655290102389079,
"acc_stderr": 0.013787460322441377,
"acc_norm": 0.697098976109215,
"acc_norm_stderr": 0.013428241573185347
},
"harness|hellaswag|10": {
"acc": 0.6569408484365664,
"acc_stderr": 0.004737608340163403,
"acc_norm": 0.851822346146186,
"acc_norm_stderr": 0.003545499169558051
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.52,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.52,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.7333333333333333,
"acc_stderr": 0.038201699145179055,
"acc_norm": 0.7333333333333333,
"acc_norm_stderr": 0.038201699145179055
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.9078947368421053,
"acc_stderr": 0.02353268597044349,
"acc_norm": 0.9078947368421053,
"acc_norm_stderr": 0.02353268597044349
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.76,
"acc_stderr": 0.04292346959909283,
"acc_norm": 0.76,
"acc_norm_stderr": 0.04292346959909283
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.8150943396226416,
"acc_stderr": 0.02389335183446432,
"acc_norm": 0.8150943396226416,
"acc_norm_stderr": 0.02389335183446432
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.9027777777777778,
"acc_stderr": 0.02477451625044016,
"acc_norm": 0.9027777777777778,
"acc_norm_stderr": 0.02477451625044016
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.48,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.48,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.64,
"acc_stderr": 0.048241815132442176,
"acc_norm": 0.64,
"acc_norm_stderr": 0.048241815132442176
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.47,
"acc_stderr": 0.05016135580465919,
"acc_norm": 0.47,
"acc_norm_stderr": 0.05016135580465919
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.7572254335260116,
"acc_stderr": 0.0326926380614177,
"acc_norm": 0.7572254335260116,
"acc_norm_stderr": 0.0326926380614177
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.5588235294117647,
"acc_stderr": 0.049406356306056595,
"acc_norm": 0.5588235294117647,
"acc_norm_stderr": 0.049406356306056595
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.8,
"acc_stderr": 0.04020151261036845,
"acc_norm": 0.8,
"acc_norm_stderr": 0.04020151261036845
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.7957446808510639,
"acc_stderr": 0.026355158413349417,
"acc_norm": 0.7957446808510639,
"acc_norm_stderr": 0.026355158413349417
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.6140350877192983,
"acc_stderr": 0.04579639422070434,
"acc_norm": 0.6140350877192983,
"acc_norm_stderr": 0.04579639422070434
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.7862068965517242,
"acc_stderr": 0.034165204477475494,
"acc_norm": 0.7862068965517242,
"acc_norm_stderr": 0.034165204477475494
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.701058201058201,
"acc_stderr": 0.023577604791655802,
"acc_norm": 0.701058201058201,
"acc_norm_stderr": 0.023577604791655802
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.5873015873015873,
"acc_stderr": 0.04403438954768176,
"acc_norm": 0.5873015873015873,
"acc_norm_stderr": 0.04403438954768176
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.55,
"acc_stderr": 0.05,
"acc_norm": 0.55,
"acc_norm_stderr": 0.05
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.9064516129032258,
"acc_stderr": 0.016565754668270972,
"acc_norm": 0.9064516129032258,
"acc_norm_stderr": 0.016565754668270972
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.6354679802955665,
"acc_stderr": 0.0338640574606209,
"acc_norm": 0.6354679802955665,
"acc_norm_stderr": 0.0338640574606209
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.79,
"acc_stderr": 0.040936018074033256,
"acc_norm": 0.79,
"acc_norm_stderr": 0.040936018074033256
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.8727272727272727,
"acc_stderr": 0.02602465765165619,
"acc_norm": 0.8727272727272727,
"acc_norm_stderr": 0.02602465765165619
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.9343434343434344,
"acc_stderr": 0.017646526677233335,
"acc_norm": 0.9343434343434344,
"acc_norm_stderr": 0.017646526677233335
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9689119170984456,
"acc_stderr": 0.012525310625527033,
"acc_norm": 0.9689119170984456,
"acc_norm_stderr": 0.012525310625527033
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.8205128205128205,
"acc_stderr": 0.019457390787681803,
"acc_norm": 0.8205128205128205,
"acc_norm_stderr": 0.019457390787681803
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.43703703703703706,
"acc_stderr": 0.030242862397654002,
"acc_norm": 0.43703703703703706,
"acc_norm_stderr": 0.030242862397654002
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.8697478991596639,
"acc_stderr": 0.021863258494852118,
"acc_norm": 0.8697478991596639,
"acc_norm_stderr": 0.021863258494852118
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.48344370860927155,
"acc_stderr": 0.040802441856289694,
"acc_norm": 0.48344370860927155,
"acc_norm_stderr": 0.040802441856289694
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.9155963302752294,
"acc_stderr": 0.011918819327334879,
"acc_norm": 0.9155963302752294,
"acc_norm_stderr": 0.011918819327334879
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.6620370370370371,
"acc_stderr": 0.03225941352631295,
"acc_norm": 0.6620370370370371,
"acc_norm_stderr": 0.03225941352631295
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.9264705882352942,
"acc_stderr": 0.018318855850089678,
"acc_norm": 0.9264705882352942,
"acc_norm_stderr": 0.018318855850089678
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.8987341772151899,
"acc_stderr": 0.019637720526065494,
"acc_norm": 0.8987341772151899,
"acc_norm_stderr": 0.019637720526065494
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7892376681614349,
"acc_stderr": 0.02737309550054019,
"acc_norm": 0.7892376681614349,
"acc_norm_stderr": 0.02737309550054019
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.8854961832061069,
"acc_stderr": 0.027927473753597446,
"acc_norm": 0.8854961832061069,
"acc_norm_stderr": 0.027927473753597446
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.9008264462809917,
"acc_stderr": 0.027285246312758957,
"acc_norm": 0.9008264462809917,
"acc_norm_stderr": 0.027285246312758957
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.8888888888888888,
"acc_stderr": 0.03038159675665167,
"acc_norm": 0.8888888888888888,
"acc_norm_stderr": 0.03038159675665167
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.8773006134969326,
"acc_stderr": 0.025777328426978927,
"acc_norm": 0.8773006134969326,
"acc_norm_stderr": 0.025777328426978927
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.625,
"acc_stderr": 0.04595091388086298,
"acc_norm": 0.625,
"acc_norm_stderr": 0.04595091388086298
},
"harness|hendrycksTest-management|5": {
"acc": 0.9223300970873787,
"acc_stderr": 0.026501440784762752,
"acc_norm": 0.9223300970873787,
"acc_norm_stderr": 0.026501440784762752
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.9273504273504274,
"acc_stderr": 0.01700436856813234,
"acc_norm": 0.9273504273504274,
"acc_norm_stderr": 0.01700436856813234
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.89,
"acc_stderr": 0.03144660377352202,
"acc_norm": 0.89,
"acc_norm_stderr": 0.03144660377352202
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.9054916985951469,
"acc_stderr": 0.01046101533819307,
"acc_norm": 0.9054916985951469,
"acc_norm_stderr": 0.01046101533819307
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.838150289017341,
"acc_stderr": 0.019829299214925416,
"acc_norm": 0.838150289017341,
"acc_norm_stderr": 0.019829299214925416
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.7720670391061453,
"acc_stderr": 0.014030149950805097,
"acc_norm": 0.7720670391061453,
"acc_norm_stderr": 0.014030149950805097
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.8594771241830066,
"acc_stderr": 0.019899435463539946,
"acc_norm": 0.8594771241830066,
"acc_norm_stderr": 0.019899435463539946
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.8360128617363344,
"acc_stderr": 0.021029576464662695,
"acc_norm": 0.8360128617363344,
"acc_norm_stderr": 0.021029576464662695
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.8796296296296297,
"acc_stderr": 0.01810541409432967,
"acc_norm": 0.8796296296296297,
"acc_norm_stderr": 0.01810541409432967
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.6560283687943262,
"acc_stderr": 0.02833801742861133,
"acc_norm": 0.6560283687943262,
"acc_norm_stderr": 0.02833801742861133
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.6160365058670143,
"acc_stderr": 0.01242158783313423,
"acc_norm": 0.6160365058670143,
"acc_norm_stderr": 0.01242158783313423
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.8308823529411765,
"acc_stderr": 0.022770868010113018,
"acc_norm": 0.8308823529411765,
"acc_norm_stderr": 0.022770868010113018
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.8202614379084967,
"acc_stderr": 0.01553374508338279,
"acc_norm": 0.8202614379084967,
"acc_norm_stderr": 0.01553374508338279
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.7181818181818181,
"acc_stderr": 0.04309118709946458,
"acc_norm": 0.7181818181818181,
"acc_norm_stderr": 0.04309118709946458
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.8408163265306122,
"acc_stderr": 0.02342097206916635,
"acc_norm": 0.8408163265306122,
"acc_norm_stderr": 0.02342097206916635
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8855721393034826,
"acc_stderr": 0.022509345325101706,
"acc_norm": 0.8855721393034826,
"acc_norm_stderr": 0.022509345325101706
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.93,
"acc_stderr": 0.025643239997624294,
"acc_norm": 0.93,
"acc_norm_stderr": 0.025643239997624294
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5662650602409639,
"acc_stderr": 0.03858158940685515,
"acc_norm": 0.5662650602409639,
"acc_norm_stderr": 0.03858158940685515
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8713450292397661,
"acc_stderr": 0.025679342723276908,
"acc_norm": 0.8713450292397661,
"acc_norm_stderr": 0.025679342723276908
},
"harness|truthfulqa:mc|0": {
"mc1": 0.4663402692778458,
"mc1_stderr": 0.017463793867168103,
"mc2": 0.6382238408380394,
"mc2_stderr": 0.01475552588950266
},
"harness|winogrande|5": {
"acc": 0.8413575374901342,
"acc_stderr": 0.010267936243028214
},
"harness|gsm8k|5": {
"acc": 0.7225170583775588,
"acc_stderr": 0.01233344758104755
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_Weyaxi__Cosmosis-3x34B | [
"region:us"
] | 2024-01-14T12:01:27+00:00 | {"pretty_name": "Evaluation run of Weyaxi/Cosmosis-3x34B", "dataset_summary": "Dataset automatically created during the evaluation run of model [Weyaxi/Cosmosis-3x34B](https://huggingface.co/Weyaxi/Cosmosis-3x34B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_Weyaxi__Cosmosis-3x34B\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T11:59:17.025888](https://huggingface.co/datasets/open-llm-leaderboard/details_Weyaxi__Cosmosis-3x34B/blob/main/results_2024-01-14T11-59-17.025888.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.7691798340940261,\n \"acc_stderr\": 0.027910883477876437,\n \"acc_norm\": 0.7725855380923361,\n \"acc_norm_stderr\": 0.02844764712553433,\n \"mc1\": 0.4663402692778458,\n \"mc1_stderr\": 0.017463793867168103,\n \"mc2\": 0.6382238408380394,\n \"mc2_stderr\": 0.01475552588950266\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6655290102389079,\n \"acc_stderr\": 0.013787460322441377,\n \"acc_norm\": 0.697098976109215,\n \"acc_norm_stderr\": 0.013428241573185347\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6569408484365664,\n \"acc_stderr\": 0.004737608340163403,\n \"acc_norm\": 0.851822346146186,\n \"acc_norm_stderr\": 0.003545499169558051\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.52,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.52,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.7333333333333333,\n \"acc_stderr\": 0.038201699145179055,\n \"acc_norm\": 0.7333333333333333,\n \"acc_norm_stderr\": 0.038201699145179055\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.9078947368421053,\n \"acc_stderr\": 0.02353268597044349,\n \"acc_norm\": 0.9078947368421053,\n \"acc_norm_stderr\": 0.02353268597044349\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.76,\n \"acc_stderr\": 0.04292346959909283,\n \"acc_norm\": 0.76,\n \"acc_norm_stderr\": 0.04292346959909283\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.8150943396226416,\n \"acc_stderr\": 0.02389335183446432,\n \"acc_norm\": 0.8150943396226416,\n \"acc_norm_stderr\": 0.02389335183446432\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.9027777777777778,\n \"acc_stderr\": 0.02477451625044016,\n \"acc_norm\": 0.9027777777777778,\n \"acc_norm_stderr\": 0.02477451625044016\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.48,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.48,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.64,\n \"acc_stderr\": 0.048241815132442176,\n \"acc_norm\": 0.64,\n \"acc_norm_stderr\": 0.048241815132442176\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.47,\n \"acc_stderr\": 0.05016135580465919,\n \"acc_norm\": 0.47,\n \"acc_norm_stderr\": 0.05016135580465919\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.7572254335260116,\n \"acc_stderr\": 0.0326926380614177,\n \"acc_norm\": 0.7572254335260116,\n \"acc_norm_stderr\": 0.0326926380614177\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.5588235294117647,\n \"acc_stderr\": 0.049406356306056595,\n \"acc_norm\": 0.5588235294117647,\n \"acc_norm_stderr\": 0.049406356306056595\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.8,\n \"acc_stderr\": 0.04020151261036845,\n \"acc_norm\": 0.8,\n \"acc_norm_stderr\": 0.04020151261036845\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.7957446808510639,\n \"acc_stderr\": 0.026355158413349417,\n \"acc_norm\": 0.7957446808510639,\n \"acc_norm_stderr\": 0.026355158413349417\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.6140350877192983,\n \"acc_stderr\": 0.04579639422070434,\n \"acc_norm\": 0.6140350877192983,\n \"acc_norm_stderr\": 0.04579639422070434\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.7862068965517242,\n \"acc_stderr\": 0.034165204477475494,\n \"acc_norm\": 0.7862068965517242,\n \"acc_norm_stderr\": 0.034165204477475494\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.701058201058201,\n \"acc_stderr\": 0.023577604791655802,\n \"acc_norm\": 0.701058201058201,\n \"acc_norm_stderr\": 0.023577604791655802\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.5873015873015873,\n \"acc_stderr\": 0.04403438954768176,\n \"acc_norm\": 0.5873015873015873,\n \"acc_norm_stderr\": 0.04403438954768176\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.55,\n \"acc_stderr\": 0.05,\n \"acc_norm\": 0.55,\n \"acc_norm_stderr\": 0.05\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.9064516129032258,\n \"acc_stderr\": 0.016565754668270972,\n \"acc_norm\": 0.9064516129032258,\n \"acc_norm_stderr\": 0.016565754668270972\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.6354679802955665,\n \"acc_stderr\": 0.0338640574606209,\n \"acc_norm\": 0.6354679802955665,\n \"acc_norm_stderr\": 0.0338640574606209\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.79,\n \"acc_stderr\": 0.040936018074033256,\n \"acc_norm\": 0.79,\n \"acc_norm_stderr\": 0.040936018074033256\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.8727272727272727,\n \"acc_stderr\": 0.02602465765165619,\n \"acc_norm\": 0.8727272727272727,\n \"acc_norm_stderr\": 0.02602465765165619\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.9343434343434344,\n \"acc_stderr\": 0.017646526677233335,\n \"acc_norm\": 0.9343434343434344,\n \"acc_norm_stderr\": 0.017646526677233335\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9689119170984456,\n \"acc_stderr\": 0.012525310625527033,\n \"acc_norm\": 0.9689119170984456,\n \"acc_norm_stderr\": 0.012525310625527033\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.8205128205128205,\n \"acc_stderr\": 0.019457390787681803,\n \"acc_norm\": 0.8205128205128205,\n \"acc_norm_stderr\": 0.019457390787681803\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.43703703703703706,\n \"acc_stderr\": 0.030242862397654002,\n \"acc_norm\": 0.43703703703703706,\n \"acc_norm_stderr\": 0.030242862397654002\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.8697478991596639,\n \"acc_stderr\": 0.021863258494852118,\n \"acc_norm\": 0.8697478991596639,\n \"acc_norm_stderr\": 0.021863258494852118\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.48344370860927155,\n \"acc_stderr\": 0.040802441856289694,\n \"acc_norm\": 0.48344370860927155,\n \"acc_norm_stderr\": 0.040802441856289694\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.9155963302752294,\n \"acc_stderr\": 0.011918819327334879,\n \"acc_norm\": 0.9155963302752294,\n \"acc_norm_stderr\": 0.011918819327334879\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.6620370370370371,\n \"acc_stderr\": 0.03225941352631295,\n \"acc_norm\": 0.6620370370370371,\n \"acc_norm_stderr\": 0.03225941352631295\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.9264705882352942,\n \"acc_stderr\": 0.018318855850089678,\n \"acc_norm\": 0.9264705882352942,\n \"acc_norm_stderr\": 0.018318855850089678\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.8987341772151899,\n \"acc_stderr\": 0.019637720526065494,\n \"acc_norm\": 0.8987341772151899,\n \"acc_norm_stderr\": 0.019637720526065494\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7892376681614349,\n \"acc_stderr\": 0.02737309550054019,\n \"acc_norm\": 0.7892376681614349,\n \"acc_norm_stderr\": 0.02737309550054019\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.8854961832061069,\n \"acc_stderr\": 0.027927473753597446,\n \"acc_norm\": 0.8854961832061069,\n \"acc_norm_stderr\": 0.027927473753597446\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.9008264462809917,\n \"acc_stderr\": 0.027285246312758957,\n \"acc_norm\": 0.9008264462809917,\n \"acc_norm_stderr\": 0.027285246312758957\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.8888888888888888,\n \"acc_stderr\": 0.03038159675665167,\n \"acc_norm\": 0.8888888888888888,\n \"acc_norm_stderr\": 0.03038159675665167\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.8773006134969326,\n \"acc_stderr\": 0.025777328426978927,\n \"acc_norm\": 0.8773006134969326,\n \"acc_norm_stderr\": 0.025777328426978927\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.625,\n \"acc_stderr\": 0.04595091388086298,\n \"acc_norm\": 0.625,\n \"acc_norm_stderr\": 0.04595091388086298\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.9223300970873787,\n \"acc_stderr\": 0.026501440784762752,\n \"acc_norm\": 0.9223300970873787,\n \"acc_norm_stderr\": 0.026501440784762752\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.9273504273504274,\n \"acc_stderr\": 0.01700436856813234,\n \"acc_norm\": 0.9273504273504274,\n \"acc_norm_stderr\": 0.01700436856813234\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.89,\n \"acc_stderr\": 0.03144660377352202,\n \"acc_norm\": 0.89,\n \"acc_norm_stderr\": 0.03144660377352202\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.9054916985951469,\n \"acc_stderr\": 0.01046101533819307,\n \"acc_norm\": 0.9054916985951469,\n \"acc_norm_stderr\": 0.01046101533819307\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.838150289017341,\n \"acc_stderr\": 0.019829299214925416,\n \"acc_norm\": 0.838150289017341,\n \"acc_norm_stderr\": 0.019829299214925416\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.7720670391061453,\n \"acc_stderr\": 0.014030149950805097,\n \"acc_norm\": 0.7720670391061453,\n \"acc_norm_stderr\": 0.014030149950805097\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.8594771241830066,\n \"acc_stderr\": 0.019899435463539946,\n \"acc_norm\": 0.8594771241830066,\n \"acc_norm_stderr\": 0.019899435463539946\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.8360128617363344,\n \"acc_stderr\": 0.021029576464662695,\n \"acc_norm\": 0.8360128617363344,\n \"acc_norm_stderr\": 0.021029576464662695\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.8796296296296297,\n \"acc_stderr\": 0.01810541409432967,\n \"acc_norm\": 0.8796296296296297,\n \"acc_norm_stderr\": 0.01810541409432967\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.6560283687943262,\n \"acc_stderr\": 0.02833801742861133,\n \"acc_norm\": 0.6560283687943262,\n \"acc_norm_stderr\": 0.02833801742861133\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.6160365058670143,\n \"acc_stderr\": 0.01242158783313423,\n \"acc_norm\": 0.6160365058670143,\n \"acc_norm_stderr\": 0.01242158783313423\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.8308823529411765,\n \"acc_stderr\": 0.022770868010113018,\n \"acc_norm\": 0.8308823529411765,\n \"acc_norm_stderr\": 0.022770868010113018\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.8202614379084967,\n \"acc_stderr\": 0.01553374508338279,\n \"acc_norm\": 0.8202614379084967,\n \"acc_norm_stderr\": 0.01553374508338279\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.7181818181818181,\n \"acc_stderr\": 0.04309118709946458,\n \"acc_norm\": 0.7181818181818181,\n \"acc_norm_stderr\": 0.04309118709946458\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.8408163265306122,\n \"acc_stderr\": 0.02342097206916635,\n \"acc_norm\": 0.8408163265306122,\n \"acc_norm_stderr\": 0.02342097206916635\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8855721393034826,\n \"acc_stderr\": 0.022509345325101706,\n \"acc_norm\": 0.8855721393034826,\n \"acc_norm_stderr\": 0.022509345325101706\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.93,\n \"acc_stderr\": 0.025643239997624294,\n \"acc_norm\": 0.93,\n \"acc_norm_stderr\": 0.025643239997624294\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5662650602409639,\n \"acc_stderr\": 0.03858158940685515,\n \"acc_norm\": 0.5662650602409639,\n \"acc_norm_stderr\": 0.03858158940685515\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8713450292397661,\n \"acc_stderr\": 0.025679342723276908,\n \"acc_norm\": 0.8713450292397661,\n \"acc_norm_stderr\": 0.025679342723276908\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.4663402692778458,\n \"mc1_stderr\": 0.017463793867168103,\n \"mc2\": 0.6382238408380394,\n \"mc2_stderr\": 0.01475552588950266\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8413575374901342,\n \"acc_stderr\": 0.010267936243028214\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.7225170583775588,\n \"acc_stderr\": 0.01233344758104755\n }\n}\n```", "repo_url": "https://huggingface.co/Weyaxi/Cosmosis-3x34B", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|arc:challenge|25_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|gsm8k|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hellaswag|10_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T11-59-17.025888.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["**/details_harness|winogrande|5_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T11-59-17.025888.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T11_59_17.025888", "path": ["results_2024-01-14T11-59-17.025888.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T11-59-17.025888.parquet"]}]}]} | 2024-01-14T12:01:57+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of Weyaxi/Cosmosis-3x34B
Dataset automatically created during the evaluation run of model Weyaxi/Cosmosis-3x34B on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T11:59:17.025888(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of Weyaxi/Cosmosis-3x34B\n\n\n\nDataset automatically created during the evaluation run of model Weyaxi/Cosmosis-3x34B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T11:59:17.025888(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of Weyaxi/Cosmosis-3x34B\n\n\n\nDataset automatically created during the evaluation run of model Weyaxi/Cosmosis-3x34B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T11:59:17.025888(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
185,
67,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of Weyaxi/Cosmosis-3x34B\n\n\n\nDataset automatically created during the evaluation run of model Weyaxi/Cosmosis-3x34B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T11:59:17.025888(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.038422841578722,
0.20252640545368195,
-0.005546862259507179,
0.03714238852262497,
0.07457247376441956,
-0.013882709667086601,
0.05606665089726448,
0.1087544709444046,
0.028559135273098946,
0.18596182763576508,
-0.02412877045571804,
0.09902921319007874,
0.0770062580704689,
0.10411936789751053,
0.02642638608813286,
-0.12525682151317596,
0.02247334085404873,
-0.08973880112171173,
0.10625413805246353,
0.08105549961328506,
0.059431470930576324,
-0.07588781416416168,
0.07015056163072586,
-0.0273856520652771,
0.035910431295633316,
-0.01947503350675106,
-0.08236593008041382,
-0.02001979388296604,
0.0978061705827713,
0.10759426653385162,
0.04798686131834984,
-0.017851676791906357,
0.021474609151482582,
-0.2781606912612915,
0.013548064976930618,
0.08883839100599289,
-0.008187685161828995,
0.03487763926386833,
0.131913959980011,
-0.09039044380187988,
0.07652842998504639,
-0.029649514704942703,
0.07414615154266357,
0.05305440351366997,
-0.117119200527668,
-0.12984474003314972,
-0.15982583165168762,
0.017137501388788223,
0.047597650438547134,
0.03646949678659439,
-0.02668119966983795,
0.1498984694480896,
-0.07351548224687576,
0.04745953902602196,
0.14083249866962433,
-0.11006786674261093,
-0.022348783910274506,
0.046003419905900955,
0.02164747379720211,
0.08737285435199738,
-0.07863355427980423,
-0.02454877644777298,
0.03676985949277878,
0.05074337497353554,
-0.016325728967785835,
0.017987247556447983,
-0.005890245549380779,
0.013637641444802284,
-0.14457526803016663,
-0.12991172075271606,
0.12873612344264984,
0.004149204585701227,
-0.05266629904508591,
-0.17999915778636932,
-0.0054410831071436405,
0.000079392921179533,
-0.0003603117074817419,
0.004858328029513359,
-0.005733237136155367,
-0.020328693091869354,
0.09660505503416061,
-0.01037614420056343,
-0.10578302294015884,
-0.028618503361940384,
-0.003581789555028081,
0.07759660482406616,
0.028236182406544685,
-0.004267068579792976,
0.010369677096605301,
0.1165308952331543,
0.026132676750421524,
-0.05612390115857124,
-0.07001297175884247,
-0.06192333623766899,
-0.10925982147455215,
-0.03763986751437187,
0.01605544611811638,
-0.05084025859832764,
0.04303380846977234,
0.229792982339859,
-0.013330094516277313,
0.014256893657147884,
-0.11364473402500153,
0.015987999737262726,
0.12400685995817184,
0.06236474588513374,
-0.0734529048204422,
-0.05438683554530144,
-0.04353753849864006,
0.032323893159627914,
0.030882680788636208,
-0.01201710943132639,
0.009340431541204453,
0.06560984253883362,
0.015515024773776531,
0.12582963705062866,
0.11822482943534851,
0.02513699419796467,
-0.08278302103281021,
-0.02182033099234104,
0.2318219244480133,
-0.13692805171012878,
-0.012386972084641457,
0.023360155522823334,
-0.027962327003479004,
-0.10411720722913742,
0.06333928555250168,
-0.003849310101941228,
-0.051437631249427795,
0.11958093196153641,
-0.039723023772239685,
-0.07702335715293884,
-0.08065156638622284,
-0.07014792412519455,
0.05246489495038986,
0.0022469719406217337,
-0.05061294510960579,
-0.06504219025373459,
-0.08874191343784332,
-0.08423203974962234,
0.027660714462399483,
-0.07394412904977798,
-0.01637689210474491,
0.021957090124487877,
-0.00006364980072248727,
-0.015558460727334023,
-0.011701907031238079,
0.10439315438270569,
-0.06160105764865875,
0.04045233130455017,
-0.014933996833860874,
0.02290443331003189,
0.09116464853286743,
0.03654734790325165,
-0.10909900814294815,
0.07399806380271912,
-0.11888433992862701,
0.09726478159427643,
-0.12331244349479675,
-0.02337164618074894,
-0.1173626035451889,
-0.0009013736271299422,
-0.02998841553926468,
0.04619308188557625,
-0.03680328652262688,
0.08798407763242722,
-0.20181958377361298,
-0.004067496862262487,
0.17712926864624023,
-0.1256786286830902,
-0.07034555077552795,
0.09794250130653381,
-0.04348617047071457,
0.06428541988134384,
0.04379355534911156,
0.09595812112092972,
0.10227573662996292,
-0.08693501353263855,
-0.08526697009801865,
-0.059237901121377945,
-0.026323063299059868,
0.16532564163208008,
0.07179494202136993,
-0.0985996276140213,
0.10128650814294815,
0.039180587977170944,
-0.01137261651456356,
-0.0720231905579567,
-0.008726955391466618,
-0.07112365961074829,
-0.01224061381071806,
-0.06785226613283157,
-0.05231446400284767,
-0.004973013885319233,
-0.07543763518333435,
-0.02193998359143734,
-0.07812219113111496,
-0.015755562111735344,
0.10036051273345947,
-0.029134701937437057,
0.010943442583084106,
-0.07943312078714371,
0.03047166019678116,
0.007726787589490414,
0.011179998517036438,
-0.20964719355106354,
-0.08034636825323105,
0.03528986871242523,
-0.1993100941181183,
0.05904329940676689,
0.03601313382387161,
0.013484656810760498,
0.049333471804857254,
-0.0014570883940905333,
0.03810587152838707,
0.022771239280700684,
-0.012820291332900524,
-0.018206745386123657,
-0.15347479283809662,
-0.05316958948969841,
-0.09005820006132126,
0.10050312429666519,
-0.1368320733308792,
-0.01457217987626791,
0.06366132944822311,
0.13966728746891022,
0.026695173233747482,
-0.07805240899324417,
0.05444692075252533,
0.020840652287006378,
-0.03407175838947296,
-0.04745172709226608,
0.0002336495090276003,
-0.032770611345767975,
0.037635594606399536,
0.042588379234075546,
-0.1839875429868698,
-0.10646621882915497,
0.07115498930215836,
0.14031745493412018,
-0.06836625933647156,
-0.09120238572359085,
-0.0613035187125206,
-0.05947110056877136,
-0.07649777829647064,
-0.0752168595790863,
0.06670502573251724,
0.09352458268404007,
0.03826932609081268,
-0.07215894013643265,
-0.05063224211335182,
0.00527237169444561,
0.0449313260614872,
-0.061842381954193115,
0.11859898269176483,
0.0724378302693367,
-0.09002447128295898,
0.11198418587446213,
-0.038220930844545364,
0.10747577250003815,
0.08936470746994019,
0.028056154027581215,
-0.10548201203346252,
0.00504759605973959,
0.06731065362691879,
0.042994175106287,
0.07901161164045334,
-0.05785064026713371,
0.024090541526675224,
0.08274328708648682,
-0.019878365099430084,
0.03827940672636032,
-0.07561668753623962,
0.02874588780105114,
0.03597540035843849,
0.0006076236604712903,
0.017070643603801727,
0.0023591401986777782,
0.019579214975237846,
0.08572360873222351,
0.025190874934196472,
0.09084989875555038,
-0.029679004102945328,
-0.053804829716682434,
-0.1050204485654831,
0.1388319581747055,
-0.0800272673368454,
-0.26358985900878906,
-0.1664610058069229,
-0.05550726130604744,
-0.025255829095840454,
-0.009505474008619785,
0.060150206089019775,
-0.00971158966422081,
-0.10423921793699265,
-0.10871697962284088,
0.06005166843533516,
0.05057302117347717,
-0.1399732232093811,
-0.04408471658825874,
0.04876789450645447,
-0.01780010759830475,
-0.17226603627204895,
0.03998395800590515,
0.04262833669781685,
-0.06767089664936066,
0.0056991856545209885,
0.05401613563299179,
0.10886979103088379,
0.09836360812187195,
0.0775318443775177,
-0.026567058637738228,
-0.009915134869515896,
0.16645614802837372,
-0.11734951287508011,
0.022840503603219986,
0.10128290951251984,
-0.05118488147854805,
0.06320985406637192,
0.1595914363861084,
0.020404264330863953,
-0.08080873638391495,
0.055749766528606415,
0.09865672141313553,
-0.060643501579761505,
-0.2532452344894409,
-0.12099068611860275,
-0.027945881709456444,
0.024374712258577347,
0.10462548583745956,
0.06118469312787056,
0.030195292085409164,
0.01418165024369955,
-0.1266031414270401,
-0.026816243305802345,
-0.04234093055129051,
0.06951086223125458,
0.03978114575147629,
-0.009076084941625595,
0.044969592243433,
-0.048190999776124954,
0.010875945910811424,
0.12147120386362076,
0.05319884791970253,
0.1410617232322693,
-0.02488376572728157,
0.18587344884872437,
0.09993430227041245,
0.07483043521642685,
-0.0328659825026989,
0.032727278769016266,
-0.01472032442688942,
0.06172510236501694,
-0.02280166745185852,
-0.10785773396492004,
-0.056765250861644745,
0.09965116530656815,
0.04606155678629875,
-0.07707017660140991,
0.0392150804400444,
-0.08964929729700089,
0.038048405200242996,
0.22175802290439606,
-0.025563819333910942,
-0.11302521079778671,
-0.05390992388129234,
0.0667419359087944,
-0.03805553913116455,
-0.0891227051615715,
-0.010655158199369907,
0.09248149394989014,
-0.14774256944656372,
-0.0046925307251513,
-0.03321139141917229,
0.07564017176628113,
-0.13064263761043549,
-0.020422697067260742,
-0.030420608818531036,
0.02677391655743122,
-0.005002718884497881,
0.11052487790584564,
-0.12520165741443634,
0.09457073360681534,
-0.0001564613776281476,
0.018507828935980797,
-0.10864073783159256,
0.05009164288640022,
-0.0323183611035347,
-0.0691794827580452,
0.12886503338813782,
-0.008492862805724144,
-0.05645476654171944,
-0.05563098192214966,
-0.11335979402065277,
-0.0114535391330719,
0.06369733810424805,
-0.10773995518684387,
0.10917970538139343,
0.023580996319651604,
-0.022648779675364494,
-0.038478706032037735,
-0.009602034464478493,
-0.09701026976108551,
-0.2442740499973297,
0.10543216019868851,
-0.1397419422864914,
0.03533449396491051,
-0.06476107984781265,
-0.04859273135662079,
-0.04550052434206009,
0.1449722796678543,
-0.10763096809387207,
-0.060331206768751144,
-0.0958549901843071,
-0.021852387115359306,
0.1764359027147293,
-0.04233605042099953,
0.05792922154068947,
-0.0397295318543911,
0.1747637689113617,
-0.031395766884088516,
-0.03923783451318741,
-0.010781263932585716,
-0.08758159726858139,
-0.197959765791893,
-0.050558507442474365,
0.12566356360912323,
0.07864346355199814,
0.025486446917057037,
-0.0070177181623876095,
0.008795458823442459,
0.012351184152066708,
-0.10053807497024536,
0.024974044412374496,
0.12105028331279755,
0.1322675347328186,
0.05669139325618744,
-0.025791341438889503,
-0.12414160370826721,
-0.11361011117696762,
-0.10854753106832504,
0.048822738230228424,
0.1758042424917221,
-0.0593196302652359,
0.16854701936244965,
0.15612022578716278,
-0.09260174632072449,
-0.19003184139728546,
-0.06981553882360458,
0.019106144085526466,
-0.021195316687226295,
0.11460906267166138,
-0.19497816264629364,
0.05579664930701256,
0.08032464981079102,
-0.02967352420091629,
0.11111991852521896,
-0.26623961329460144,
-0.13339442014694214,
0.04113435372710228,
0.04301819950342178,
-0.22052249312400818,
-0.18566831946372986,
-0.10518583655357361,
-0.01906542293727398,
-0.17575505375862122,
0.14644679427146912,
0.0052402447909116745,
0.028758088126778603,
-0.023727722465991974,
0.0881039947271347,
0.052527084946632385,
-0.06691711395978928,
0.13269692659378052,
-0.02257431484758854,
0.025492902845144272,
-0.0964856669306755,
-0.048762641847133636,
-0.023701008409261703,
-0.038095563650131226,
0.07494094967842102,
0.02561790682375431,
0.04629998281598091,
-0.08832961320877075,
-0.03264549374580383,
-0.07559874653816223,
0.03159227967262268,
-0.07609432190656662,
-0.04722737520933151,
-0.08261094987392426,
0.0864095613360405,
0.07236264646053314,
0.00148398510646075,
0.03994795307517052,
-0.0563170351088047,
0.04874802380800247,
0.19801941514015198,
0.10657469928264618,
0.050550080835819244,
-0.09002350270748138,
-0.04235324636101723,
-0.020029593259096146,
0.001385481795296073,
-0.10362206399440765,
0.04469282925128937,
0.077643021941185,
0.047879498451948166,
0.09747888892889023,
-0.02781379595398903,
-0.18556183576583862,
-0.006098308600485325,
0.07810179889202118,
-0.09521982073783875,
-0.1897403746843338,
0.047129325568675995,
0.14844727516174316,
-0.15030153095722198,
-0.0707666426897049,
0.07671360671520233,
0.026826199144124985,
-0.045403510332107544,
-0.005702985916286707,
0.08602286130189896,
0.045549552887678146,
0.09697052091360092,
0.015745041891932487,
0.04810185730457306,
-0.07650421559810638,
0.08689966797828674,
0.14043420553207397,
-0.1061125174164772,
0.008762719109654427,
0.033893536776304245,
-0.04091364145278931,
-0.06962651014328003,
-0.0018413286888971925,
0.007043370045721531,
0.02058315835893154,
-0.03548792004585266,
0.0346178263425827,
-0.0351296104490757,
0.05092976987361908,
0.150514155626297,
-0.0031678383238613605,
0.056871626526117325,
0.022880572825670242,
0.005275505594909191,
-0.06173576042056084,
0.09503689408302307,
0.018142903223633766,
0.03963622823357582,
-0.02215387299656868,
0.021311484277248383,
0.012774222530424595,
-0.030122078955173492,
0.020263686776161194,
-0.04990338906645775,
-0.08030153810977936,
0.0036450771149247885,
-0.16329506039619446,
0.06235162541270256,
-0.0851542055606842,
0.004594726487994194,
0.0062442198395729065,
-0.022135065868496895,
-0.0008754538139328361,
-0.00508342869579792,
-0.0798533484339714,
-0.03566409647464752,
-0.040848489850759506,
0.14060428738594055,
-0.19401335716247559,
0.00438285619020462,
0.09539509564638138,
-0.07215623557567596,
0.06333708763122559,
-0.005122019909322262,
-0.012362443841993809,
0.021892160177230835,
-0.11718983948230743,
0.0006073223776184022,
-0.023738276213407516,
0.060992076992988586,
0.011322404257953167,
-0.13539521396160126,
-0.021238479763269424,
0.0007628134335391223,
-0.0740104615688324,
-0.0056784022599458694,
0.03760071471333504,
-0.14970451593399048,
0.07969485968351364,
0.08244363963603973,
-0.05084958299994469,
-0.04485980421304703,
0.04843375086784363,
0.051445864140987396,
-0.011632304638624191,
0.09298402070999146,
-0.011258902959525585,
0.02661081962287426,
-0.14695993065834045,
-0.036443062126636505,
0.001961079193279147,
0.021042877808213234,
0.04071962833404541,
0.01766704022884369,
0.017502721399068832,
0.011134970933198929,
0.2396736443042755,
-0.015807155519723892,
0.029564648866653442,
0.014542140066623688,
-0.019748462364077568,
-0.020363805815577507,
0.028260378167033195,
0.002996150404214859,
-0.004341845400631428,
0.024430105462670326,
0.008505020290613174,
-0.040981438010931015,
-0.06636687368154526,
-0.03542044013738632,
0.07592390477657318,
0.15082058310508728,
0.16006208956241608,
-0.036028552800416946,
0.07148271799087524,
-0.16614438593387604,
-0.04177418351173401,
-0.0009078164584934711,
-0.03355919569730759,
0.0367504321038723,
-0.0808228999376297,
0.0741809606552124,
0.08497273176908493,
-0.09648037701845169,
0.1503324657678604,
-0.062184225767850876,
-0.02303350158035755,
-0.03161494433879852,
-0.15313094854354858,
-0.03151065856218338,
0.040766388177871704,
-0.0012111930409446359,
-0.09084069728851318,
0.11904276907444,
0.13205532729625702,
-0.007213429547846317,
-0.006760099902749062,
0.07720179855823517,
-0.06410388648509979,
-0.052255380898714066,
-0.0332440584897995,
0.008145109750330448,
0.024591408669948578,
-0.012548592872917652,
0.07051751762628555,
0.0181069727987051,
0.06841424852609634,
0.08312643319368362,
0.10697207599878311,
0.03207477554678917,
0.004869000520557165,
-0.04101261869072914,
-0.059046611189842224,
0.0045868586748838425,
-0.02468697354197502,
-0.04977685958147049,
0.2241603434085846,
0.04944610223174095,
0.01756439171731472,
0.019128089770674706,
0.20421038568019867,
-0.008168614469468594,
-0.0673324391245842,
-0.13297048211097717,
0.15116016566753387,
-0.010150186717510223,
0.026815298944711685,
0.026438366621732712,
-0.1171347051858902,
0.02561323717236519,
0.16006582975387573,
0.1082921102643013,
0.03808075934648514,
0.013518005609512329,
0.04472449794411659,
0.02654733695089817,
-0.03605283051729202,
0.05102529376745224,
0.021363623440265656,
0.2456710934638977,
-0.05438608676195145,
0.09391297399997711,
0.005225041415542364,
0.007100195623934269,
-0.02904495969414711,
0.0996764525771141,
-0.045119307935237885,
0.015398908406496048,
-0.07221733778715134,
0.08751323074102402,
-0.06224350258708,
-0.2531713843345642,
-0.0005736414459533989,
-0.08354600518941879,
-0.14248943328857422,
-0.009030740708112717,
0.020681995898485184,
-0.02403276599943638,
0.05339515581727028,
0.031022977083921432,
-0.02983148768544197,
0.17402750253677368,
0.001278459676541388,
-0.07324451208114624,
-0.06586948037147522,
0.07189532369375229,
-0.033460866659879684,
0.2886718809604645,
0.0032289603259414434,
0.06968224793672562,
0.08486368507146835,
-0.020036712288856506,
-0.12864023447036743,
0.01752457395195961,
0.0807044580578804,
-0.059750624001026154,
0.045765358954668045,
0.16382919251918793,
-0.019199032336473465,
0.14221426844596863,
0.0450892373919487,
-0.015906020998954773,
0.07057218253612518,
0.07571307569742203,
0.04038615524768829,
-0.09480384737253189,
0.06671492010354996,
-0.09614385664463043,
0.12738202512264252,
0.11277560889720917,
-0.011594307608902454,
-0.00023545321892015636,
-0.050042081624269485,
0.06395029276609421,
-0.030743472278118134,
0.145806685090065,
-0.03150367736816406,
-0.14759230613708496,
0.042347729206085205,
0.009096750989556313,
0.065278060734272,
-0.24341824650764465,
-0.0513131320476532,
0.10958468168973923,
-0.038701362907886505,
0.009707445278763771,
0.0760006457567215,
0.04469592496752739,
0.03302169218659401,
-0.05209256336092949,
-0.144927516579628,
0.018274622038006783,
0.12216345220804214,
-0.07898831367492676,
-0.034499283879995346
] |
688f7995dc128513f70b4d08b5c0e4d727641f49 |
# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-10B
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [FelixChao/NarutoDolphin-10B](https://huggingface.co/FelixChao/NarutoDolphin-10B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_FelixChao__NarutoDolphin-10B",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T12:12:30.168914](https://huggingface.co/datasets/open-llm-leaderboard/details_FelixChao__NarutoDolphin-10B/blob/main/results_2024-01-14T12-12-30.168914.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.6306583942825644,
"acc_stderr": 0.03252627508388141,
"acc_norm": 0.632276909104878,
"acc_norm_stderr": 0.03317986227116511,
"mc1": 0.40514075887392903,
"mc1_stderr": 0.01718561172775337,
"mc2": 0.5912860013096678,
"mc2_stderr": 0.015586868131613507
},
"harness|arc:challenge|25": {
"acc": 0.6220136518771331,
"acc_stderr": 0.014169664520303098,
"acc_norm": 0.6382252559726962,
"acc_norm_stderr": 0.014041957945038083
},
"harness|hellaswag|10": {
"acc": 0.6542521410077674,
"acc_stderr": 0.0047463946133845325,
"acc_norm": 0.841665006970723,
"acc_norm_stderr": 0.0036430875292137216
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695235,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695235
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6296296296296297,
"acc_stderr": 0.041716541613545426,
"acc_norm": 0.6296296296296297,
"acc_norm_stderr": 0.041716541613545426
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.7105263157894737,
"acc_stderr": 0.03690677986137282,
"acc_norm": 0.7105263157894737,
"acc_norm_stderr": 0.03690677986137282
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.59,
"acc_stderr": 0.04943110704237101,
"acc_norm": 0.59,
"acc_norm_stderr": 0.04943110704237101
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.6528301886792452,
"acc_stderr": 0.029300101705549652,
"acc_norm": 0.6528301886792452,
"acc_norm_stderr": 0.029300101705549652
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7430555555555556,
"acc_stderr": 0.03653946969442099,
"acc_norm": 0.7430555555555556,
"acc_norm_stderr": 0.03653946969442099
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.46,
"acc_stderr": 0.05009082659620333,
"acc_norm": 0.46,
"acc_norm_stderr": 0.05009082659620333
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.52,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.52,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695235,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695235
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.5895953757225434,
"acc_stderr": 0.03750757044895536,
"acc_norm": 0.5895953757225434,
"acc_norm_stderr": 0.03750757044895536
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.39215686274509803,
"acc_stderr": 0.04858083574266345,
"acc_norm": 0.39215686274509803,
"acc_norm_stderr": 0.04858083574266345
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.76,
"acc_stderr": 0.042923469599092816,
"acc_norm": 0.76,
"acc_norm_stderr": 0.042923469599092816
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.548936170212766,
"acc_stderr": 0.03252909619613197,
"acc_norm": 0.548936170212766,
"acc_norm_stderr": 0.03252909619613197
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.43859649122807015,
"acc_stderr": 0.04668000738510455,
"acc_norm": 0.43859649122807015,
"acc_norm_stderr": 0.04668000738510455
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5103448275862069,
"acc_stderr": 0.04165774775728763,
"acc_norm": 0.5103448275862069,
"acc_norm_stderr": 0.04165774775728763
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.40476190476190477,
"acc_stderr": 0.025279850397404904,
"acc_norm": 0.40476190476190477,
"acc_norm_stderr": 0.025279850397404904
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.4365079365079365,
"acc_stderr": 0.04435932892851466,
"acc_norm": 0.4365079365079365,
"acc_norm_stderr": 0.04435932892851466
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.4,
"acc_stderr": 0.049236596391733084,
"acc_norm": 0.4,
"acc_norm_stderr": 0.049236596391733084
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7870967741935484,
"acc_stderr": 0.023287665127268545,
"acc_norm": 0.7870967741935484,
"acc_norm_stderr": 0.023287665127268545
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.4827586206896552,
"acc_stderr": 0.035158955511656986,
"acc_norm": 0.4827586206896552,
"acc_norm_stderr": 0.035158955511656986
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.69,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.69,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7575757575757576,
"acc_stderr": 0.03346409881055953,
"acc_norm": 0.7575757575757576,
"acc_norm_stderr": 0.03346409881055953
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7525252525252525,
"acc_stderr": 0.030746300742124484,
"acc_norm": 0.7525252525252525,
"acc_norm_stderr": 0.030746300742124484
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8704663212435233,
"acc_stderr": 0.024233532297758723,
"acc_norm": 0.8704663212435233,
"acc_norm_stderr": 0.024233532297758723
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6384615384615384,
"acc_stderr": 0.024359581465396993,
"acc_norm": 0.6384615384615384,
"acc_norm_stderr": 0.024359581465396993
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.32222222222222224,
"acc_stderr": 0.028493465091028593,
"acc_norm": 0.32222222222222224,
"acc_norm_stderr": 0.028493465091028593
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6638655462184874,
"acc_stderr": 0.03068473711513536,
"acc_norm": 0.6638655462184874,
"acc_norm_stderr": 0.03068473711513536
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.2781456953642384,
"acc_stderr": 0.03658603262763744,
"acc_norm": 0.2781456953642384,
"acc_norm_stderr": 0.03658603262763744
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8220183486238533,
"acc_stderr": 0.016399436366612907,
"acc_norm": 0.8220183486238533,
"acc_norm_stderr": 0.016399436366612907
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.49537037037037035,
"acc_stderr": 0.03409825519163572,
"acc_norm": 0.49537037037037035,
"acc_norm_stderr": 0.03409825519163572
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8088235294117647,
"acc_stderr": 0.027599174300640773,
"acc_norm": 0.8088235294117647,
"acc_norm_stderr": 0.027599174300640773
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.7679324894514767,
"acc_stderr": 0.02747974455080851,
"acc_norm": 0.7679324894514767,
"acc_norm_stderr": 0.02747974455080851
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.672645739910314,
"acc_stderr": 0.031493846709941306,
"acc_norm": 0.672645739910314,
"acc_norm_stderr": 0.031493846709941306
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7709923664122137,
"acc_stderr": 0.036853466317118506,
"acc_norm": 0.7709923664122137,
"acc_norm_stderr": 0.036853466317118506
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.768595041322314,
"acc_stderr": 0.03849856098794088,
"acc_norm": 0.768595041322314,
"acc_norm_stderr": 0.03849856098794088
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.0401910747255735,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.0401910747255735
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7300613496932515,
"acc_stderr": 0.03487825168497892,
"acc_norm": 0.7300613496932515,
"acc_norm_stderr": 0.03487825168497892
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.48214285714285715,
"acc_stderr": 0.047427623612430116,
"acc_norm": 0.48214285714285715,
"acc_norm_stderr": 0.047427623612430116
},
"harness|hendrycksTest-management|5": {
"acc": 0.8155339805825242,
"acc_stderr": 0.03840423627288276,
"acc_norm": 0.8155339805825242,
"acc_norm_stderr": 0.03840423627288276
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8717948717948718,
"acc_stderr": 0.02190190511507333,
"acc_norm": 0.8717948717948718,
"acc_norm_stderr": 0.02190190511507333
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.72,
"acc_stderr": 0.04512608598542128,
"acc_norm": 0.72,
"acc_norm_stderr": 0.04512608598542128
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8199233716475096,
"acc_stderr": 0.01374079725857982,
"acc_norm": 0.8199233716475096,
"acc_norm_stderr": 0.01374079725857982
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.708092485549133,
"acc_stderr": 0.02447699407624734,
"acc_norm": 0.708092485549133,
"acc_norm_stderr": 0.02447699407624734
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.3642458100558659,
"acc_stderr": 0.0160943387684746,
"acc_norm": 0.3642458100558659,
"acc_norm_stderr": 0.0160943387684746
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7124183006535948,
"acc_stderr": 0.02591780611714716,
"acc_norm": 0.7124183006535948,
"acc_norm_stderr": 0.02591780611714716
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.6977491961414791,
"acc_stderr": 0.026082700695399662,
"acc_norm": 0.6977491961414791,
"acc_norm_stderr": 0.026082700695399662
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.6944444444444444,
"acc_stderr": 0.02563082497562135,
"acc_norm": 0.6944444444444444,
"acc_norm_stderr": 0.02563082497562135
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.4645390070921986,
"acc_stderr": 0.029752389657427047,
"acc_norm": 0.4645390070921986,
"acc_norm_stderr": 0.029752389657427047
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.44328552803129073,
"acc_stderr": 0.012687818419599923,
"acc_norm": 0.44328552803129073,
"acc_norm_stderr": 0.012687818419599923
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6617647058823529,
"acc_stderr": 0.028739328513983572,
"acc_norm": 0.6617647058823529,
"acc_norm_stderr": 0.028739328513983572
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6519607843137255,
"acc_stderr": 0.019270998708223977,
"acc_norm": 0.6519607843137255,
"acc_norm_stderr": 0.019270998708223977
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6636363636363637,
"acc_stderr": 0.04525393596302505,
"acc_norm": 0.6636363636363637,
"acc_norm_stderr": 0.04525393596302505
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.710204081632653,
"acc_stderr": 0.02904308868330433,
"acc_norm": 0.710204081632653,
"acc_norm_stderr": 0.02904308868330433
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8109452736318408,
"acc_stderr": 0.027686913588013014,
"acc_norm": 0.8109452736318408,
"acc_norm_stderr": 0.027686913588013014
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.87,
"acc_stderr": 0.033799766898963086,
"acc_norm": 0.87,
"acc_norm_stderr": 0.033799766898963086
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5421686746987951,
"acc_stderr": 0.038786267710023595,
"acc_norm": 0.5421686746987951,
"acc_norm_stderr": 0.038786267710023595
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.7953216374269005,
"acc_stderr": 0.03094445977853321,
"acc_norm": 0.7953216374269005,
"acc_norm_stderr": 0.03094445977853321
},
"harness|truthfulqa:mc|0": {
"mc1": 0.40514075887392903,
"mc1_stderr": 0.01718561172775337,
"mc2": 0.5912860013096678,
"mc2_stderr": 0.015586868131613507
},
"harness|winogrande|5": {
"acc": 0.7750591949486977,
"acc_stderr": 0.011735043564126735
},
"harness|gsm8k|5": {
"acc": 0.5943896891584534,
"acc_stderr": 0.013524848894462115
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_FelixChao__NarutoDolphin-10B | [
"region:us"
] | 2024-01-14T12:14:45+00:00 | {"pretty_name": "Evaluation run of FelixChao/NarutoDolphin-10B", "dataset_summary": "Dataset automatically created during the evaluation run of model [FelixChao/NarutoDolphin-10B](https://huggingface.co/FelixChao/NarutoDolphin-10B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_FelixChao__NarutoDolphin-10B\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T12:12:30.168914](https://huggingface.co/datasets/open-llm-leaderboard/details_FelixChao__NarutoDolphin-10B/blob/main/results_2024-01-14T12-12-30.168914.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.6306583942825644,\n \"acc_stderr\": 0.03252627508388141,\n \"acc_norm\": 0.632276909104878,\n \"acc_norm_stderr\": 0.03317986227116511,\n \"mc1\": 0.40514075887392903,\n \"mc1_stderr\": 0.01718561172775337,\n \"mc2\": 0.5912860013096678,\n \"mc2_stderr\": 0.015586868131613507\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6220136518771331,\n \"acc_stderr\": 0.014169664520303098,\n \"acc_norm\": 0.6382252559726962,\n \"acc_norm_stderr\": 0.014041957945038083\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6542521410077674,\n \"acc_stderr\": 0.0047463946133845325,\n \"acc_norm\": 0.841665006970723,\n \"acc_norm_stderr\": 0.0036430875292137216\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695235,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695235\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6296296296296297,\n \"acc_stderr\": 0.041716541613545426,\n \"acc_norm\": 0.6296296296296297,\n \"acc_norm_stderr\": 0.041716541613545426\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.7105263157894737,\n \"acc_stderr\": 0.03690677986137282,\n \"acc_norm\": 0.7105263157894737,\n \"acc_norm_stderr\": 0.03690677986137282\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.59,\n \"acc_stderr\": 0.04943110704237101,\n \"acc_norm\": 0.59,\n \"acc_norm_stderr\": 0.04943110704237101\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.6528301886792452,\n \"acc_stderr\": 0.029300101705549652,\n \"acc_norm\": 0.6528301886792452,\n \"acc_norm_stderr\": 0.029300101705549652\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7430555555555556,\n \"acc_stderr\": 0.03653946969442099,\n \"acc_norm\": 0.7430555555555556,\n \"acc_norm_stderr\": 0.03653946969442099\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.46,\n \"acc_stderr\": 0.05009082659620333,\n \"acc_norm\": 0.46,\n \"acc_norm_stderr\": 0.05009082659620333\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.52,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.52,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695235,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695235\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.5895953757225434,\n \"acc_stderr\": 0.03750757044895536,\n \"acc_norm\": 0.5895953757225434,\n \"acc_norm_stderr\": 0.03750757044895536\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.39215686274509803,\n \"acc_stderr\": 0.04858083574266345,\n \"acc_norm\": 0.39215686274509803,\n \"acc_norm_stderr\": 0.04858083574266345\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.76,\n \"acc_stderr\": 0.042923469599092816,\n \"acc_norm\": 0.76,\n \"acc_norm_stderr\": 0.042923469599092816\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.548936170212766,\n \"acc_stderr\": 0.03252909619613197,\n \"acc_norm\": 0.548936170212766,\n \"acc_norm_stderr\": 0.03252909619613197\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.43859649122807015,\n \"acc_stderr\": 0.04668000738510455,\n \"acc_norm\": 0.43859649122807015,\n \"acc_norm_stderr\": 0.04668000738510455\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5103448275862069,\n \"acc_stderr\": 0.04165774775728763,\n \"acc_norm\": 0.5103448275862069,\n \"acc_norm_stderr\": 0.04165774775728763\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.40476190476190477,\n \"acc_stderr\": 0.025279850397404904,\n \"acc_norm\": 0.40476190476190477,\n \"acc_norm_stderr\": 0.025279850397404904\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.4365079365079365,\n \"acc_stderr\": 0.04435932892851466,\n \"acc_norm\": 0.4365079365079365,\n \"acc_norm_stderr\": 0.04435932892851466\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.4,\n \"acc_stderr\": 0.049236596391733084,\n \"acc_norm\": 0.4,\n \"acc_norm_stderr\": 0.049236596391733084\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7870967741935484,\n \"acc_stderr\": 0.023287665127268545,\n \"acc_norm\": 0.7870967741935484,\n \"acc_norm_stderr\": 0.023287665127268545\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.4827586206896552,\n \"acc_stderr\": 0.035158955511656986,\n \"acc_norm\": 0.4827586206896552,\n \"acc_norm_stderr\": 0.035158955511656986\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.69,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.69,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7575757575757576,\n \"acc_stderr\": 0.03346409881055953,\n \"acc_norm\": 0.7575757575757576,\n \"acc_norm_stderr\": 0.03346409881055953\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7525252525252525,\n \"acc_stderr\": 0.030746300742124484,\n \"acc_norm\": 0.7525252525252525,\n \"acc_norm_stderr\": 0.030746300742124484\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8704663212435233,\n \"acc_stderr\": 0.024233532297758723,\n \"acc_norm\": 0.8704663212435233,\n \"acc_norm_stderr\": 0.024233532297758723\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6384615384615384,\n \"acc_stderr\": 0.024359581465396993,\n \"acc_norm\": 0.6384615384615384,\n \"acc_norm_stderr\": 0.024359581465396993\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.32222222222222224,\n \"acc_stderr\": 0.028493465091028593,\n \"acc_norm\": 0.32222222222222224,\n \"acc_norm_stderr\": 0.028493465091028593\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6638655462184874,\n \"acc_stderr\": 0.03068473711513536,\n \"acc_norm\": 0.6638655462184874,\n \"acc_norm_stderr\": 0.03068473711513536\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.2781456953642384,\n \"acc_stderr\": 0.03658603262763744,\n \"acc_norm\": 0.2781456953642384,\n \"acc_norm_stderr\": 0.03658603262763744\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8220183486238533,\n \"acc_stderr\": 0.016399436366612907,\n \"acc_norm\": 0.8220183486238533,\n \"acc_norm_stderr\": 0.016399436366612907\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.49537037037037035,\n \"acc_stderr\": 0.03409825519163572,\n \"acc_norm\": 0.49537037037037035,\n \"acc_norm_stderr\": 0.03409825519163572\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8088235294117647,\n \"acc_stderr\": 0.027599174300640773,\n \"acc_norm\": 0.8088235294117647,\n \"acc_norm_stderr\": 0.027599174300640773\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.7679324894514767,\n \"acc_stderr\": 0.02747974455080851,\n \"acc_norm\": 0.7679324894514767,\n \"acc_norm_stderr\": 0.02747974455080851\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.672645739910314,\n \"acc_stderr\": 0.031493846709941306,\n \"acc_norm\": 0.672645739910314,\n \"acc_norm_stderr\": 0.031493846709941306\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7709923664122137,\n \"acc_stderr\": 0.036853466317118506,\n \"acc_norm\": 0.7709923664122137,\n \"acc_norm_stderr\": 0.036853466317118506\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.768595041322314,\n \"acc_stderr\": 0.03849856098794088,\n \"acc_norm\": 0.768595041322314,\n \"acc_norm_stderr\": 0.03849856098794088\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.0401910747255735,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.0401910747255735\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7300613496932515,\n \"acc_stderr\": 0.03487825168497892,\n \"acc_norm\": 0.7300613496932515,\n \"acc_norm_stderr\": 0.03487825168497892\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.48214285714285715,\n \"acc_stderr\": 0.047427623612430116,\n \"acc_norm\": 0.48214285714285715,\n \"acc_norm_stderr\": 0.047427623612430116\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8155339805825242,\n \"acc_stderr\": 0.03840423627288276,\n \"acc_norm\": 0.8155339805825242,\n \"acc_norm_stderr\": 0.03840423627288276\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8717948717948718,\n \"acc_stderr\": 0.02190190511507333,\n \"acc_norm\": 0.8717948717948718,\n \"acc_norm_stderr\": 0.02190190511507333\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.72,\n \"acc_stderr\": 0.04512608598542128,\n \"acc_norm\": 0.72,\n \"acc_norm_stderr\": 0.04512608598542128\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8199233716475096,\n \"acc_stderr\": 0.01374079725857982,\n \"acc_norm\": 0.8199233716475096,\n \"acc_norm_stderr\": 0.01374079725857982\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.708092485549133,\n \"acc_stderr\": 0.02447699407624734,\n \"acc_norm\": 0.708092485549133,\n \"acc_norm_stderr\": 0.02447699407624734\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.3642458100558659,\n \"acc_stderr\": 0.0160943387684746,\n \"acc_norm\": 0.3642458100558659,\n \"acc_norm_stderr\": 0.0160943387684746\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7124183006535948,\n \"acc_stderr\": 0.02591780611714716,\n \"acc_norm\": 0.7124183006535948,\n \"acc_norm_stderr\": 0.02591780611714716\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.6977491961414791,\n \"acc_stderr\": 0.026082700695399662,\n \"acc_norm\": 0.6977491961414791,\n \"acc_norm_stderr\": 0.026082700695399662\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.6944444444444444,\n \"acc_stderr\": 0.02563082497562135,\n \"acc_norm\": 0.6944444444444444,\n \"acc_norm_stderr\": 0.02563082497562135\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.4645390070921986,\n \"acc_stderr\": 0.029752389657427047,\n \"acc_norm\": 0.4645390070921986,\n \"acc_norm_stderr\": 0.029752389657427047\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.44328552803129073,\n \"acc_stderr\": 0.012687818419599923,\n \"acc_norm\": 0.44328552803129073,\n \"acc_norm_stderr\": 0.012687818419599923\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6617647058823529,\n \"acc_stderr\": 0.028739328513983572,\n \"acc_norm\": 0.6617647058823529,\n \"acc_norm_stderr\": 0.028739328513983572\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6519607843137255,\n \"acc_stderr\": 0.019270998708223977,\n \"acc_norm\": 0.6519607843137255,\n \"acc_norm_stderr\": 0.019270998708223977\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6636363636363637,\n \"acc_stderr\": 0.04525393596302505,\n \"acc_norm\": 0.6636363636363637,\n \"acc_norm_stderr\": 0.04525393596302505\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.710204081632653,\n \"acc_stderr\": 0.02904308868330433,\n \"acc_norm\": 0.710204081632653,\n \"acc_norm_stderr\": 0.02904308868330433\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8109452736318408,\n \"acc_stderr\": 0.027686913588013014,\n \"acc_norm\": 0.8109452736318408,\n \"acc_norm_stderr\": 0.027686913588013014\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.87,\n \"acc_stderr\": 0.033799766898963086,\n \"acc_norm\": 0.87,\n \"acc_norm_stderr\": 0.033799766898963086\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5421686746987951,\n \"acc_stderr\": 0.038786267710023595,\n \"acc_norm\": 0.5421686746987951,\n \"acc_norm_stderr\": 0.038786267710023595\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.7953216374269005,\n \"acc_stderr\": 0.03094445977853321,\n \"acc_norm\": 0.7953216374269005,\n \"acc_norm_stderr\": 0.03094445977853321\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.40514075887392903,\n \"mc1_stderr\": 0.01718561172775337,\n \"mc2\": 0.5912860013096678,\n \"mc2_stderr\": 0.015586868131613507\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.7750591949486977,\n \"acc_stderr\": 0.011735043564126735\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.5943896891584534,\n \"acc_stderr\": 0.013524848894462115\n }\n}\n```", "repo_url": "https://huggingface.co/FelixChao/NarutoDolphin-10B", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|arc:challenge|25_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|gsm8k|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hellaswag|10_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T12-12-30.168914.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["**/details_harness|winogrande|5_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T12-12-30.168914.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T12_12_30.168914", "path": ["results_2024-01-14T12-12-30.168914.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T12-12-30.168914.parquet"]}]}]} | 2024-01-14T12:15:06+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-10B
Dataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-10B on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T12:12:30.168914(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-10B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-10B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T12:12:30.168914(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-10B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-10B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T12:12:30.168914(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
183,
69,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of FelixChao/NarutoDolphin-10B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/NarutoDolphin-10B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T12:12:30.168914(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.050164055079221725,
0.21335916221141815,
-0.005630722735077143,
0.04891008511185646,
0.07732750475406647,
-0.020742101594805717,
0.047902751713991165,
0.09996449202299118,
0.0354563370347023,
0.19407765567302704,
-0.027320966124534607,
0.09474355727434158,
0.07165543735027313,
0.12198475003242493,
0.023748274892568588,
-0.12159720063209534,
0.02359944023191929,
-0.07854083925485611,
0.11691469699144363,
0.07108435779809952,
0.05028943344950676,
-0.07635334879159927,
0.07270973175764084,
-0.02632078155875206,
0.046131618320941925,
-0.009174024686217308,
-0.07266604155302048,
-0.030077653005719185,
0.09622877091169357,
0.10632887482643127,
0.04308720678091049,
-0.013707553967833519,
0.0249678622931242,
-0.2573844790458679,
0.014558332040905952,
0.0886603370308876,
-0.009248071350157261,
0.03424708545207977,
0.14051108062267303,
-0.0940600037574768,
0.0910271480679512,
-0.023445896804332733,
0.07763326168060303,
0.05934808775782585,
-0.12098462879657745,
-0.14122606813907623,
-0.15358327329158783,
0.016883712261915207,
0.046995338052511215,
0.04061657935380936,
-0.026458166539669037,
0.14504078030586243,
-0.06800677627325058,
0.05133700370788574,
0.1601628065109253,
-0.10772974789142609,
-0.02548147365450859,
0.058514922857284546,
0.028297368437051773,
0.0848139077425003,
-0.06719594448804855,
-0.022222086787223816,
0.04235420748591423,
0.055966414511203766,
-0.017193982377648354,
0.010604830458760262,
-0.01957818865776062,
0.0047326586209237576,
-0.14522026479244232,
-0.13008320331573486,
0.10646641999483109,
0.0027682490181177855,
-0.05700147897005081,
-0.17899227142333984,
-0.010861670598387718,
0.00017886685964185745,
-0.0029493654146790504,
0.010294119827449322,
-0.008594916202127934,
-0.022620029747486115,
0.1032995954155922,
-0.0019848220981657505,
-0.08941326290369034,
-0.02799714170396328,
0.0025175127666443586,
0.06852130591869354,
0.021415362134575844,
-0.013051082380115986,
0.014988602139055729,
0.11342280358076096,
0.03337271884083748,
-0.05604744330048561,
-0.07024217396974564,
-0.0563783161342144,
-0.1185046136379242,
-0.03820593282580376,
0.015111503191292286,
-0.044696688652038574,
0.039480190724134445,
0.23361384868621826,
-0.005493014119565487,
0.021390065550804138,
-0.12315236777067184,
0.007019825279712677,
0.11595003306865692,
0.060968268662691116,
-0.07849347591400146,
-0.06217165291309357,
-0.04236471652984619,
0.01557146292179823,
0.030201373621821404,
-0.020831244066357613,
0.008961410261690617,
0.06142214313149452,
0.014899139292538166,
0.12720772624015808,
0.11899760365486145,
0.026243139058351517,
-0.07921594381332397,
-0.02412797324359417,
0.2138180285692215,
-0.1354747712612152,
-0.009781567379832268,
0.03376828506588936,
-0.03564342111349106,
-0.11464466154575348,
0.06297207623720169,
-0.007660046219825745,
-0.0489286370575428,
0.11381278932094574,
-0.041946373879909515,
-0.08787575364112854,
-0.07423847168684006,
-0.07914981245994568,
0.05526634305715561,
-0.009419022127985954,
-0.048771556466817856,
-0.06826245039701462,
-0.09905067086219788,
-0.090724878013134,
0.031759534031152725,
-0.07512891292572021,
-0.020949792116880417,
0.024299129843711853,
0.0030339378863573074,
-0.017853369936347008,
-0.015608309768140316,
0.1178264319896698,
-0.061384815722703934,
0.03974158316850662,
-0.009480002336204052,
0.028936419636011124,
0.1076447069644928,
0.03366471827030182,
-0.10964255034923553,
0.07880233973264694,
-0.12189032137393951,
0.10412149131298065,
-0.1287187784910202,
-0.019158294424414635,
-0.1150173470377922,
-0.00356261245906353,
-0.021597450599074364,
0.050311118364334106,
-0.033493541181087494,
0.08681806921958923,
-0.1984056532382965,
-0.008120816200971603,
0.16464290022850037,
-0.1171235740184784,
-0.06394174695014954,
0.09089087694883347,
-0.047482240945100784,
0.07349862158298492,
0.05176021158695221,
0.1091873049736023,
0.10568707436323166,
-0.08665896952152252,
-0.08768375962972641,
-0.06418303400278091,
-0.018122419714927673,
0.1646735966205597,
0.06450274586677551,
-0.080537348985672,
0.09401385486125946,
0.04064130410552025,
-0.020854728296399117,
-0.06736157089471817,
-0.006755731534212828,
-0.06632595509290695,
-0.012964379042387009,
-0.07103432714939117,
-0.05252847820520401,
-0.002983340062201023,
-0.07237055897712708,
-0.01484423503279686,
-0.06875728815793991,
0.0059017278254032135,
0.09602000564336777,
-0.03460583835840225,
0.006964970380067825,
-0.07786038517951965,
0.0320625938475132,
0.012423191219568253,
0.01035531796514988,
-0.21158134937286377,
-0.08191217482089996,
0.03351122513413429,
-0.22598308324813843,
0.05878239497542381,
0.041799332946538925,
0.009816682897508144,
0.055385734885931015,
-0.0012577878078445792,
0.036576397716999054,
0.019164258614182472,
-0.009725221432745457,
-0.01428140513598919,
-0.14590929448604584,
-0.05726049840450287,
-0.08482212573289871,
0.10311441868543625,
-0.15727701783180237,
-0.008450552821159363,
0.06535565853118896,
0.14286603033542633,
0.029372669756412506,
-0.07598263770341873,
0.057586077600717545,
0.021743426099419594,
-0.0410410612821579,
-0.05484180524945259,
0.001325439428910613,
-0.028505569323897362,
0.03964153304696083,
0.03348521143198013,
-0.18157081305980682,
-0.1052243709564209,
0.06850316375494003,
0.15462948381900787,
-0.06933628767728806,
-0.07011285424232483,
-0.05994907766580582,
-0.0571218840777874,
-0.08362483233213425,
-0.06880561262369156,
0.06328001618385315,
0.09210636466741562,
0.044444888830184937,
-0.07720346003770828,
-0.04686123877763748,
0.010735822841525078,
0.053628772497177124,
-0.059841644018888474,
0.12946632504463196,
0.06939487159252167,
-0.07101035863161087,
0.1123199313879013,
-0.06794771552085876,
0.10245092958211899,
0.0909351110458374,
0.03295312821865082,
-0.10215213894844055,
0.003780549159273505,
0.06506455689668655,
0.05655520409345627,
0.0693281888961792,
-0.04642698913812637,
0.032488685101270676,
0.08414652198553085,
-0.015181559138000011,
0.03610864654183388,
-0.059851013123989105,
0.02419697679579258,
0.0361473485827446,
0.0005029318272136152,
0.009430794976651669,
0.009266979992389679,
0.018027301877737045,
0.08338262885808945,
0.019743457436561584,
0.0855942890048027,
-0.034073568880558014,
-0.05014035850763321,
-0.10349392890930176,
0.13608789443969727,
-0.0708785429596901,
-0.26170939207077026,
-0.16143853962421417,
-0.06962260603904724,
-0.03599586710333824,
-0.007776740938425064,
0.06014369800686836,
0.0005582176963798702,
-0.09960722923278809,
-0.11095194518566132,
0.05964956805109978,
0.052464812994003296,
-0.14238275587558746,
-0.034375183284282684,
0.05200265720486641,
-0.015574607066810131,
-0.17261037230491638,
0.04473170265555382,
0.04481750726699829,
-0.056946124881505966,
-0.00042059566476382315,
0.04931698366999626,
0.11564196646213531,
0.09913153946399689,
0.081891268491745,
-0.025026414543390274,
-0.009111595340073109,
0.17605946958065033,
-0.11371627449989319,
0.023623382672667503,
0.1071874350309372,
-0.04742554575204849,
0.057720035314559937,
0.15374326705932617,
0.014470871537923813,
-0.08765605837106705,
0.051542237401008606,
0.09626681357622147,
-0.0693817287683487,
-0.24818800389766693,
-0.1234283521771431,
-0.03060370497405529,
0.043600987643003464,
0.11896388977766037,
0.06083556264638901,
0.024495314806699753,
0.007409409619867802,
-0.1198849156498909,
-0.02330874279141426,
-0.03955502435564995,
0.07099037617444992,
0.04081165790557861,
-0.009953565895557404,
0.04017828032374382,
-0.043678030371665955,
0.015541820786893368,
0.12356141209602356,
0.04590679332613945,
0.13909491896629333,
-0.03326321765780449,
0.19099225103855133,
0.09084083139896393,
0.06519591063261032,
-0.03453679010272026,
0.040251217782497406,
-0.021696310490369797,
0.06081339344382286,
-0.021300463005900383,
-0.10624832659959793,
-0.04572155326604843,
0.09246279299259186,
0.03012213297188282,
-0.07350087910890579,
0.037086859345436096,
-0.1078500971198082,
0.02523338608443737,
0.21460752189159393,
-0.02078951522707939,
-0.118801049888134,
-0.06501629948616028,
0.062468089163303375,
-0.031094752252101898,
-0.09288965910673141,
-0.01614009030163288,
0.09060652554035187,
-0.1491921991109848,
0.007844552397727966,
-0.031711217015981674,
0.07775384187698364,
-0.11726044118404388,
-0.024373859167099,
-0.04465211182832718,
0.019762665033340454,
-0.005158148240298033,
0.1108364537358284,
-0.1309327930212021,
0.08302056044340134,
-0.008073955774307251,
0.01533748209476471,
-0.10266901552677155,
0.04707428440451622,
-0.03781692683696747,
-0.05936349555850029,
0.1300998032093048,
-0.008705249056220055,
-0.07426228374242783,
-0.06659172475337982,
-0.10815606266260147,
-0.014208856970071793,
0.04267396777868271,
-0.10958036780357361,
0.11188691109418869,
0.03339772671461105,
-0.025391563773155212,
-0.036974623799324036,
-0.01548091135919094,
-0.11169634759426117,
-0.23909391462802887,
0.10094793140888214,
-0.1372741162776947,
0.04137248918414116,
-0.06189433112740517,
-0.054397936910390854,
-0.04867197945713997,
0.14046236872673035,
-0.10841037333011627,
-0.051677823066711426,
-0.10192377865314484,
-0.020717360079288483,
0.1721097081899643,
-0.04590466618537903,
0.058996669948101044,
-0.035238537937402725,
0.19010880589485168,
-0.0384795106947422,
-0.04081374406814575,
-0.0013100457144901156,
-0.09115324914455414,
-0.20046286284923553,
-0.04864153638482094,
0.10737179964780807,
0.08415976166725159,
0.026522822678089142,
-0.003952409140765667,
0.014534249901771545,
0.016982106491923332,
-0.09606119990348816,
0.012293041683733463,
0.11602143943309784,
0.12362567335367203,
0.04914628714323044,
-0.035638678818941116,
-0.13170696794986725,
-0.10740421712398529,
-0.10902994126081467,
0.050016872584819794,
0.1770690381526947,
-0.06619251519441605,
0.1734633892774582,
0.15484552085399628,
-0.09249566495418549,
-0.188960462808609,
-0.06003854423761368,
0.025200439617037773,
-0.017944158986210823,
0.13645878434181213,
-0.1968471258878708,
0.05966975912451744,
0.08266585320234299,
-0.027966871857643127,
0.10862670838832855,
-0.2825646698474884,
-0.13343964517116547,
0.03795997053384781,
0.049519866704940796,
-0.21562792360782623,
-0.17939065396785736,
-0.10335789620876312,
-0.03281470760703087,
-0.16932417452335358,
0.15328484773635864,
0.000290242547634989,
0.030255090445280075,
-0.019240310415625572,
0.08013938367366791,
0.05239788070321083,
-0.06694353371858597,
0.1336376667022705,
-0.016505509614944458,
0.021175561472773552,
-0.10015885531902313,
-0.046748314052820206,
-0.003585752099752426,
-0.040372539311647415,
0.06740030646324158,
0.02419346198439598,
0.04551049694418907,
-0.08935543894767761,
-0.03742659464478493,
-0.07609226554632187,
0.05487953871488571,
-0.07922607660293579,
-0.04734605923295021,
-0.07737449556589127,
0.08950739353895187,
0.07690875232219696,
0.00025320990243926644,
0.024473009631037712,
-0.06281401962041855,
0.04900826886296272,
0.21087346971035004,
0.08954916149377823,
0.05367662012577057,
-0.07719050347805023,
-0.040877170860767365,
-0.015856677666306496,
-0.005534607917070389,
-0.09144629538059235,
0.045597292482852936,
0.08040016144514084,
0.05128495767712593,
0.09111529588699341,
-0.030137142166495323,
-0.18123814463615417,
-0.0031005057971924543,
0.07012386620044708,
-0.08855367451906204,
-0.18488433957099915,
0.04557066410779953,
0.13601399958133698,
-0.14386557042598724,
-0.07999423891305923,
0.08378206938505173,
0.021950021386146545,
-0.04534558951854706,
-0.004196155816316605,
0.07240138202905655,
0.05197964236140251,
0.10200938582420349,
0.008961156010627747,
0.043572310358285904,
-0.07627219706773758,
0.07393909990787506,
0.1461946666240692,
-0.10007786750793457,
0.004449415486305952,
0.035376738756895065,
-0.048550866544246674,
-0.06781094521284103,
-0.007227631751447916,
0.032188400626182556,
0.013285643421113491,
-0.026964813470840454,
0.022587893530726433,
-0.036669809371232986,
0.06479927152395248,
0.15754751861095428,
-0.0017896904610097408,
0.04965434595942497,
0.018662646412849426,
-0.001479795784689486,
-0.05340021476149559,
0.09319616854190826,
0.029325665906071663,
0.048178788274526596,
-0.03066631779074669,
0.0399855338037014,
0.02452676184475422,
-0.03164789453148842,
0.022118868306279182,
-0.05125000327825546,
-0.08327977359294891,
0.004160922486335039,
-0.17368869483470917,
0.059739284217357635,
-0.07848241180181503,
0.008827337995171547,
-0.010123579762876034,
-0.019671546295285225,
-0.0064890943467617035,
-0.0004246596072334796,
-0.079686738550663,
-0.03506429120898247,
-0.0492846742272377,
0.14612026512622833,
-0.18914386630058289,
0.0011783938389271498,
0.0902133584022522,
-0.07262364029884338,
0.05943671613931656,
-0.011291513219475746,
-0.015535975806415081,
0.023515408858656883,
-0.11483126133680344,
0.0031010396778583527,
-0.02439374476671219,
0.06208319216966629,
0.016381017863750458,
-0.1394483596086502,
-0.014002466574311256,
-0.0011411284795030951,
-0.07251296192407608,
-0.006427498068660498,
0.03881099075078964,
-0.15134283900260925,
0.07018175721168518,
0.08964934945106506,
-0.05499080941081047,
-0.03836658224463463,
0.05327649042010307,
0.05184739828109741,
-0.006261070258915424,
0.10027635097503662,
-0.009512803517282009,
0.03183416277170181,
-0.15162599086761475,
-0.045718252658843994,
-0.001328361569903791,
0.01440693624317646,
0.038231831043958664,
0.018302954733371735,
0.019338693469762802,
0.018671419471502304,
0.24038194119930267,
-0.014354575425386429,
0.03170514106750488,
0.011616923846304417,
-0.025291936472058296,
-0.03179195150732994,
0.02662898600101471,
0.02155534364283085,
-0.0026230367366224527,
0.03530120104551315,
0.022135054692626,
-0.033622972667217255,
-0.05892893299460411,
-0.006046209018677473,
0.07518486678600311,
0.14828374981880188,
0.15060508251190186,
-0.0426270067691803,
0.06994100660085678,
-0.15891559422016144,
-0.052569832652807236,
0.0149252749979496,
-0.0470394566655159,
0.048329807817935944,
-0.08289210498332977,
0.07771217077970505,
0.07854010164737701,
-0.1000509187579155,
0.15351049602031708,
-0.05699313431978226,
-0.02093641459941864,
-0.03379831463098526,
-0.1675930619239807,
-0.03526551276445389,
0.039714422076940536,
-0.007470789831131697,
-0.08833473175764084,
0.1183873862028122,
0.11778996884822845,
-0.009750819765031338,
-0.0011947377352043986,
0.07673117518424988,
-0.08064465969800949,
-0.05522729083895683,
-0.041460469365119934,
0.0038760805036872625,
0.01442479807883501,
-0.011446448042988777,
0.06835629045963287,
0.009259901009500027,
0.07473411411046982,
0.07486293464899063,
0.1040634885430336,
0.031579673290252686,
0.003269319422543049,
-0.038294676691293716,
-0.050087202340364456,
0.001052219420671463,
-0.02637535147368908,
-0.04796581715345383,
0.2196929156780243,
0.050239525735378265,
0.012431761249899864,
0.020349349826574326,
0.2103213369846344,
-0.008388275280594826,
-0.06963087618350983,
-0.12715095281600952,
0.1536087542772293,
-0.0022050945553928614,
0.029174908995628357,
0.022691430523991585,
-0.10794921964406967,
0.01995028369128704,
0.16807569563388824,
0.09648579359054565,
0.03871917352080345,
0.010992353782057762,
0.040266890078783035,
0.0267251655459404,
-0.029881281778216362,
0.05209238827228546,
0.02618764340877533,
0.25176718831062317,
-0.04868333786725998,
0.09431818872690201,
-0.0007004901999607682,
0.008289901539683342,
-0.039375096559524536,
0.12156945466995239,
-0.05134770646691322,
0.012256352230906487,
-0.07191289216279984,
0.0924779400229454,
-0.0648813545703888,
-0.26508599519729614,
-0.008314366452395916,
-0.08950472623109818,
-0.14389190077781677,
-0.012595650739967823,
0.0112617751583457,
-0.022407598793506622,
0.05488795414566994,
0.033905088901519775,
-0.027051029726862907,
0.16867010295391083,
0.0028282771818339825,
-0.06704182922840118,
-0.07837802171707153,
0.07110080122947693,
-0.03484158217906952,
0.2978875935077667,
-0.004593713209033012,
0.05517501011490822,
0.08902954310178757,
-0.02094930037856102,
-0.1302982121706009,
0.017617790028452873,
0.08403895050287247,
-0.05192694440484047,
0.05011821165680885,
0.15532080829143524,
-0.03465462103486061,
0.1432025283575058,
0.03481421619653702,
-0.03406920284032822,
0.0745527371764183,
0.08456746488809586,
0.051885899156332016,
-0.09787220507860184,
0.07107101380825043,
-0.09366745501756668,
0.12691307067871094,
0.11083800345659256,
-0.01424428354948759,
-0.0060628619976341724,
-0.055293429642915726,
0.06582328677177429,
-0.0315268374979496,
0.15215308964252472,
-0.019614918157458305,
-0.16162046790122986,
0.04002390429377556,
0.003964950796216726,
0.06847961992025375,
-0.24388659000396729,
-0.05016503110527992,
0.09702017158269882,
-0.04713236913084984,
0.013983978889882565,
0.08019416779279709,
0.03802008554339409,
0.023733245208859444,
-0.04850335046648979,
-0.13779418170452118,
0.01595003716647625,
0.13062644004821777,
-0.07449492067098618,
-0.036201830953359604
] |
440236fb2384eeab89b92263b7b87d5fe0b3d2a4 | # Dataset Card for "vietnamese-retrieval-v2"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | thanhdath/vietnamese-retrieval-v2 | [
"region:us"
] | 2024-01-14T12:15:06+00:00 | {"dataset_info": {"features": [{"name": "query_id", "dtype": "string"}, {"name": "query", "dtype": "string"}, {"name": "positive_passages", "list": [{"name": "docid", "dtype": "string"}, {"name": "text", "dtype": "string"}, {"name": "title", "dtype": "string"}]}, {"name": "negative_passages", "list": [{"name": "docid", "dtype": "string"}, {"name": "text", "dtype": "string"}, {"name": "title", "dtype": "string"}]}], "splits": [{"name": "train", "num_bytes": 6347713728, "num_examples": 574167}], "download_size": 2987843540, "dataset_size": 6347713728}, "configs": [{"config_name": "default", "data_files": [{"split": "train", "path": "data/train-*"}]}]} | 2024-01-14T12:22:46+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "vietnamese-retrieval-v2"
More Information needed | [
"# Dataset Card for \"vietnamese-retrieval-v2\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"vietnamese-retrieval-v2\"\n\nMore Information needed"
] | [
6,
20
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"vietnamese-retrieval-v2\"\n\nMore Information needed"
] | [
-0.017762016505002975,
0.23198570311069489,
-0.0030821184627711773,
-0.02251673862338066,
0.04121585935354233,
0.017742900177836418,
0.01744774542748928,
0.11421336233615875,
0.08871205151081085,
-0.04986844211816788,
0.06596700102090836,
-0.04289383068680763,
0.09298233687877655,
0.14606063067913055,
-0.01842186227440834,
-0.08917704224586487,
0.09608662873506546,
0.089739128947258,
-0.053350336849689484,
0.02071409299969673,
0.00412017572671175,
-0.041626740247011185,
0.13245679438114166,
-0.06841269880533218,
-0.10439790040254593,
0.14239555597305298,
-0.11051702499389648,
-0.015145700424909592,
0.04890173673629761,
-0.15786203742027283,
0.10017146915197372,
-0.008446726948022842,
0.08129245787858963,
-0.13665062189102173,
-0.030489401891827583,
-0.010282725095748901,
-0.10023947060108185,
-0.048104677349328995,
-0.05478086322546005,
-0.045383062213659286,
0.03934476897120476,
-0.02326151914894581,
-0.02455778978765011,
-0.035389114171266556,
-0.05552279204130173,
-0.31226035952568054,
-0.1265384703874588,
-0.033591076731681824,
0.11648640036582947,
-0.028848396614193916,
0.07050365954637527,
0.17551785707473755,
-0.14456821978092194,
-0.03177691996097565,
0.09071216732263565,
-0.1282360702753067,
0.08423133194446564,
0.1610010713338852,
0.025228377431631088,
0.049259912222623825,
0.0419011116027832,
0.10768656432628632,
0.07888923585414886,
0.007960101589560509,
-0.11894736438989639,
-0.06819745898246765,
-0.2023303210735321,
0.10197245329618454,
0.008971613831818104,
-0.11085208505392075,
0.3694801926612854,
0.03511166200041771,
0.01677604205906391,
0.12135935574769974,
-0.03295164182782173,
-0.15554437041282654,
-0.0030292922165244818,
-0.015401671640574932,
0.07752034068107605,
0.03494303300976753,
0.15373073518276215,
-0.07846534252166748,
-0.11754398047924042,
-0.19429568946361542,
-0.14778359234333038,
-0.1974175125360489,
-0.025232017040252686,
0.15683123469352722,
-0.14770358800888062,
-0.022882191464304924,
-0.17928405106067657,
0.05961676314473152,
-0.017641542479395866,
-0.03791862353682518,
-0.055187858641147614,
0.0025948022957891226,
0.06292344629764557,
0.05255680903792381,
0.054838649928569794,
0.04236776754260063,
0.08580776304006577,
0.009683091193437576,
-0.21376939117908478,
0.07210276275873184,
0.0849914699792862,
-0.01401812769472599,
-0.09835459291934967,
0.053129617124795914,
-0.04753374308347702,
-0.17273658514022827,
-0.054729875177145004,
-0.021176664158701897,
-0.16664645075798035,
-0.004972456023097038,
0.032428111881017685,
0.07141146808862686,
-0.07649863511323929,
-0.11265814304351807,
-0.0724872574210167,
-0.048125267028808594,
0.17780844867229462,
-0.016732526943087578,
0.008478960022330284,
0.04651755094528198,
-0.08554339408874512,
0.029976245015859604,
0.015932956710457802,
0.030451105907559395,
0.024235118180513382,
-0.027479099109768867,
0.004348652437329292,
0.015810322016477585,
0.02897864766418934,
-0.03437740355730057,
0.09852207452058792,
-0.20255352556705475,
-0.011713848449289799,
-0.0560615099966526,
-0.3163193464279175,
0.04478131979703903,
0.06681036949157715,
-0.06645186990499496,
0.19561658799648285,
-0.03153329715132713,
0.06034661829471588,
-0.06670357286930084,
0.007780684158205986,
0.06941353529691696,
-0.022210650146007538,
0.022693919017910957,
-0.08691100031137466,
0.12366790324449539,
-0.19596388936042786,
0.06912395358085632,
-0.12067966163158417,
0.05456450209021568,
0.03945925459265709,
-0.00945691391825676,
-0.11229939758777618,
0.037507299333810806,
-0.035618238151073456,
-0.009375061839818954,
-0.016870571300387383,
-0.00721567589789629,
-0.06434791535139084,
-0.015020135790109634,
-0.26618078351020813,
-0.011769996024668217,
0.1392805278301239,
-0.1651645004749298,
-0.11966431140899658,
0.03996327146887779,
0.017431894317269325,
0.03420824930071831,
-0.03406066074967384,
0.3015722334384918,
0.05044570937752724,
-0.107955202460289,
0.056808777153491974,
0.12479796260595322,
-0.19178320467472076,
-0.2630157768726349,
0.11140691488981247,
0.03188725933432579,
-0.12194571644067764,
0.006304909009486437,
0.04484928399324417,
-0.05560595914721489,
-0.031550247222185135,
-0.1113235279917717,
0.028017623350024223,
-0.14843185245990753,
0.17087937891483307,
0.012884661555290222,
0.09384682029485703,
0.02077856846153736,
0.17654234170913696,
0.04270176962018013,
0.08885432034730911,
0.005523629952222109,
-0.07959049195051193,
-0.06660570204257965,
0.10581223666667938,
-0.04773737117648125,
0.021251915022730827,
-0.07690132409334183,
0.02469644509255886,
0.056737739592790604,
0.008553681895136833,
-0.07220526039600372,
0.1011447086930275,
0.05966993048787117,
0.007517654914408922,
0.022150488570332527,
0.04202800244092941,
0.07440649718046188,
0.0780177116394043,
0.07263455539941788,
0.0939917117357254,
0.0034850251395255327,
-0.03889906033873558,
-0.0362742617726326,
-0.05705581232905388,
-0.07899574935436249,
0.15965129435062408,
0.10016724467277527,
0.06080980226397514,
0.04020261764526367,
0.05063741281628609,
0.0014073014026507735,
0.03601013869047165,
-0.029381925240159035,
0.016286013647913933,
-0.04341355711221695,
0.07601144909858704,
0.11051483452320099,
0.07597159594297409,
0.19762614369392395,
0.12906289100646973,
-0.011167885735630989,
0.05661126598715782,
0.025075353682041168,
0.05309976264834404,
-0.03919270262122154,
-0.0922451913356781,
0.04446355253458023,
-0.18711788952350616,
-0.08384407311677933,
0.10714384913444519,
-0.07273580133914948,
0.056848250329494476,
0.03844176232814789,
-0.04682769626379013,
-0.1240115836262703,
0.027947334572672844,
0.08903732150793076,
-0.25837984681129456,
0.17525714635849,
0.11366327852010727,
0.11150862276554108,
0.1481800079345703,
-0.01796216517686844,
-0.026016568765044212,
-0.028049031272530556,
0.020934967324137688,
-0.030429162085056305,
0.15590527653694153,
-0.10000105947256088,
0.01392916776239872,
0.08015625923871994,
0.07434894144535065,
0.037477731704711914,
-0.12237308919429779,
-0.08351899683475494,
-0.028174640610814095,
-0.05322800204157829,
-0.10035908967256546,
0.04776756092905998,
0.04866618290543556,
0.07138250768184662,
0.018408844247460365,
0.05593455582857132,
0.0755433738231659,
-0.02515600435435772,
-0.03957799822092056,
0.11324624717235565,
-0.20167306065559387,
-0.3720560669898987,
-0.0015040603466331959,
-0.09547203034162521,
0.06919942796230316,
0.023566991090774536,
-0.061032719910144806,
-0.2178853303194046,
-0.005526829976588488,
0.03093504160642624,
-0.1811031699180603,
-0.12315332889556885,
-0.023113418370485306,
0.003601452801376581,
0.12495718151330948,
-0.06793510168790817,
-0.0359286405146122,
-0.0030986506026238203,
-0.11611106991767883,
-0.0014265606878325343,
0.13416242599487305,
-0.1856900155544281,
0.030355066061019897,
0.010062234476208687,
-0.13277152180671692,
0.13784964382648468,
-0.0038154402282088995,
-0.05287058278918266,
0.0012925815535709262,
-0.034215427935123444,
0.09820494800806046,
0.056867923587560654,
0.00021354755153879523,
0.018281476572155952,
-0.04313349723815918,
-0.1279296725988388,
0.024973656982183456,
0.016082359477877617,
-0.19452005624771118,
-0.17862224578857422,
-0.1738295555114746,
-0.024562779814004898,
0.16587090492248535,
0.11936019361019135,
0.06601302325725555,
0.02547793835401535,
0.029898056760430336,
0.15852782130241394,
0.1482519954442978,
-0.11713463813066483,
-0.1006372794508934,
-0.009240495972335339,
-0.044200651347637177,
-0.06524360924959183,
-0.130396768450737,
0.03238402679562569,
0.13852673768997192,
0.234847292304039,
0.21050898730754852,
0.1064150333404541,
-0.060966961085796356,
0.04369416460394859,
0.21433979272842407,
0.11813750118017197,
0.14330005645751953,
0.029869867488741875,
-0.025284333154559135,
-0.0064975968562066555,
0.008291096426546574,
0.02763027884066105,
0.014893966726958752,
0.12174110114574432,
-0.14268027245998383,
0.043424881994724274,
-0.09181299060583115,
-0.002171481726691127,
-0.08823145180940628,
0.1456776112318039,
-0.11088878661394119,
0.1412680745124817,
0.03241383656859398,
0.1807817816734314,
-0.03971455246210098,
0.08221498876810074,
0.09378638118505478,
-0.13513727486133575,
0.10246273875236511,
0.016408657655119896,
0.029892655089497566,
-0.15396049618721008,
-0.012965149246156216,
-0.0373351089656353,
-0.2340809553861618,
0.09506841003894806,
0.09792204201221466,
-0.08086458593606949,
0.29849541187286377,
0.012781256809830666,
-0.12543275952339172,
-0.1392960399389267,
-0.06777305901050568,
-0.04713844507932663,
0.01699111983180046,
0.1877415031194687,
0.0967705249786377,
-0.09374547004699707,
-0.16898640990257263,
-0.07869494706392288,
-0.011886301450431347,
0.023890841752290726,
0.06508266180753708,
-0.18485812842845917,
0.021502284333109856,
-0.04810698702931404,
-0.11817947030067444,
-0.10246797651052475,
-0.02367759495973587,
-0.00831147562712431,
-0.052994538098573685,
0.01699797995388508,
-0.030012818053364754,
0.01785610243678093,
0.030496573075652122,
0.027567951008677483,
0.17115361988544464,
0.06404189765453339,
0.04258216172456741,
-0.052974238991737366,
0.0016499718185514212,
0.10956252366304398,
0.05762932822108269,
0.007503478787839413,
0.01704883947968483,
0.0005152563098818064,
-0.04108935967087746,
-0.1690671741962433,
0.09462359547615051,
-0.05979853495955467,
0.07653368264436722,
-0.08205673098564148,
0.04891175404191017,
0.018397623673081398,
-0.01933731883764267,
0.04053161293268204,
-0.018679959699511528,
0.0655159279704094,
-0.06811561435461044,
0.1581581085920334,
-0.005007914733141661,
0.07525017857551575,
0.2168651670217514,
0.024425338953733444,
-0.06464215368032455,
0.11844547837972641,
-0.06503292918205261,
0.16209179162979126,
0.10712394118309021,
-0.08519244939088821,
0.25042790174484253,
0.12228666990995407,
-0.03829449042677879,
-0.28660908341407776,
-0.014188896864652634,
-0.13291887938976288,
-0.03165431320667267,
0.02785293199121952,
-0.16534563899040222,
0.0021888455376029015,
0.12011855095624924,
-0.05063372850418091,
0.034886159002780914,
-0.10246243327856064,
-0.029233936220407486,
0.19189366698265076,
-0.007811470422893763,
0.31353136897087097,
0.016399560496211052,
-0.06535092741250992,
-0.0833834782242775,
-0.2308209091424942,
0.27028709650039673,
-0.029920237138867378,
-0.009621471166610718,
-0.026501048356294632,
0.02671576291322708,
-0.02365272492170334,
-0.009091764688491821,
0.16773666441440582,
0.019107522442936897,
0.0969790443778038,
-0.0732811912894249,
-0.11271344870328903,
0.1542612463235855,
-0.03507693484425545,
0.12712590396404266,
0.14015407860279083,
0.03671901300549507,
-0.18710200488567352,
0.021883845329284668,
0.0039692348800599575,
-0.05137645825743675,
0.07571432739496231,
-0.046443596482276917,
-0.07059095054864883,
0.04759795963764191,
-0.12969647347927094,
0.0021787311416119337,
0.052984125912189484,
0.10510819405317307,
-0.042786307632923126,
0.11940944194793701,
-0.04016370698809624,
-0.06425473093986511,
0.14299273490905762,
-0.03405709192156792,
-0.047373317182064056,
0.08507639914751053,
-0.1720331460237503,
0.0706540197134018,
0.12394329905509949,
-0.014889453537762165,
0.11707374453544617,
0.020986683666706085,
-0.0785294622182846,
0.07303298264741898,
0.1289501190185547,
-0.07544532418251038,
-0.07422705739736557,
0.062271520495414734,
-0.07328564673662186,
0.20036551356315613,
0.04904060438275337,
-0.042200732976198196,
-0.0406777448952198,
-0.03620695695281029,
0.0017105413135141134,
0.04213789477944374,
-0.12464819848537445,
0.01086390856653452,
-0.0012259110808372498,
0.06689365208148956,
-0.154378741979599,
0.2987534701824188,
0.06578902155160904,
-0.09571576118469238,
0.044040877372026443,
0.005630834959447384,
-0.10911645740270615,
-0.07625754177570343,
0.02988024242222309,
0.21881835162639618,
0.031209558248519897,
-0.15708483755588531,
0.04365595057606697,
-0.023370085284113884,
0.020257359370589256,
0.06677597016096115,
0.09637882560491562,
0.11629100888967514,
0.012824597768485546,
-0.10282834619283676,
-0.020879263058304787,
-0.0804787129163742,
0.007705520372837782,
-0.04256581515073776,
-0.09968958050012589,
-0.2854368984699249,
0.015254998579621315,
0.2595793604850769,
-0.07407847791910172,
-0.11904935538768768,
-0.0788986012339592,
0.10003263503313065,
-0.18695957958698273,
0.013562806881964207,
-0.01394125446677208,
-0.020236102864146233,
0.007000960875302553,
-0.04076565057039261,
-0.055349405854940414,
0.0037353187799453735,
-0.12817804515361786,
0.14368382096290588,
0.025025414302945137,
0.0024111419916152954,
-0.09678702056407928,
-0.058693453669548035,
0.1515137255191803,
0.08607427775859833,
0.07287125289440155,
0.11839602887630463,
0.06928069144487381,
0.11328140646219254,
-0.07020525634288788,
-0.19055604934692383,
0.13896521925926208,
0.07454805821180344,
0.11967627704143524,
0.0534759983420372,
-0.002193741500377655,
0.0857076570391655,
-0.04111180454492569,
0.04271250218153,
0.08314474672079086,
-0.03840517997741699,
-0.08555974811315536,
-0.22829784452915192,
-0.059138067066669464,
-0.014445981942117214,
-0.010838424786925316,
0.17374545335769653,
0.01698838546872139,
-0.08644922077655792,
0.059370771050453186,
0.01739991456270218,
0.006894106511026621,
-0.06031603738665581,
-0.07392358779907227,
-0.13061243295669556,
-0.02488764375448227,
0.056303996592760086,
-0.014396695420145988,
-0.03874538093805313,
0.4080197513103485,
0.03115183115005493,
-0.05140095576643944,
-0.01927824504673481,
0.11051813513040543,
-0.11710740625858307,
0.01944110170006752,
0.15727101266384125,
0.07624092698097229,
-0.06325864791870117,
-0.06086401268839836,
0.08012019842863083,
-0.04665770381689072,
0.19398540258407593,
0.0031847634818404913,
0.048264335840940475,
0.03454801067709923,
-0.05958372727036476,
0.061490271240472794,
-0.010004643350839615,
-0.12685197591781616,
0.08362245559692383,
-0.10035329312086105,
0.07033983618021011,
-0.009570992551743984,
-0.13357596099376678,
0.0588616207242012,
-0.05519717559218407,
0.02286004275083542,
0.001325606252066791,
-0.06400994956493378,
-0.1270056664943695,
-0.23037433624267578,
-0.0700252503156662,
-0.1984856277704239,
0.021571652963757515,
0.0437978133559227,
0.019112033769488335,
0.1729349046945572,
0.13244691491127014,
0.05870078504085541,
0.007050007581710815,
-0.11637749522924423,
0.07700758427381516,
-0.032618943601846695,
-0.04211331531405449,
-0.06342733651399612,
0.028360558673739433,
0.02562972530722618,
0.12119057774543762,
-0.08224749565124512,
-0.018773352727293968,
-0.00388764007948339,
0.032574884593486786,
0.06130971014499664,
-0.09475281834602356,
-0.03337286412715912,
-0.09987621009349823,
-0.01385241188108921,
-0.16850735247135162,
-0.011739474721252918,
0.0684305801987648,
0.03250402212142944,
0.06378283351659775,
0.09169578552246094,
0.03209390491247177,
-0.02819325588643551,
-0.06462141126394272,
0.015370753593742847,
-0.03519191965460777,
0.11014583706855774,
0.026963461190462112,
0.03892771527171135,
-0.10978111624717712,
0.21327291429042816,
0.2193773239850998,
0.07909727096557617,
-0.006573970429599285,
0.030167866498231888,
0.02561803348362446,
-0.007953329011797905,
0.032526809722185135,
0.07767041772603989,
0.07642602175474167,
-0.060227394104003906,
-0.13417939841747284,
-0.042680978775024414,
-0.12354457378387451,
-0.02814539708197117,
0.034178439527750015,
0.07190275192260742,
0.0015676188049837947,
-0.10162102431058884,
0.07921196520328522,
-0.12911663949489594,
0.12334135174751282,
0.17041806876659393,
-0.12877129018306732,
-0.08213701099157333,
0.00038595026126131415,
0.1088385060429573,
0.029307348653674126,
-0.08552161604166031,
-0.11733077466487885,
-0.0321972519159317,
-0.005432784557342529,
0.01801646314561367,
-0.32119810581207275,
-0.22656433284282684,
-0.009812833741307259,
0.09883912652730942,
0.11961591988801956,
-0.05481455475091934,
0.04646947234869003,
-0.01423588115721941,
0.024325422942638397,
-0.06578423082828522,
0.06252110749483109,
-0.04556051269173622,
0.044951602816581726,
-0.09414351731538773,
0.043205950409173965,
-0.11287280917167664,
0.01586448773741722,
0.011869051493704319,
0.0011969675542786717,
-0.037074439227581024,
0.034992098808288574,
0.04534350335597992,
-0.01036291103810072,
0.02178649976849556,
-0.07720429450273514,
0.08580490946769714,
-0.0007057053153403103,
-0.008177032694220543,
0.08660688251256943,
-0.041550565510988235,
0.10717091709375381,
-0.05905573442578316,
-0.18172544240951538,
-0.019914858043193817,
0.029679249972105026,
-0.03586822375655174,
0.14103610813617706,
0.042188458144664764,
0.022278696298599243,
0.04683620110154152,
-0.1093006432056427,
0.0041724382899701595,
-0.0154352942481637,
0.05866667255759239,
0.0670619085431099,
0.10203156620264053,
-0.045839060097932816,
-0.10499372333288193,
0.05401081219315529,
-0.0033696582540869713,
0.017945557832717896,
-0.12972545623779297
] |
46f68ae1897088c7ddd17402d776a980469c77d9 |
# Dataset Card for Evaluation run of dhanushreddy29/BrokenKeyboardMerge
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [dhanushreddy29/BrokenKeyboardMerge](https://huggingface.co/dhanushreddy29/BrokenKeyboardMerge) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_dhanushreddy29__BrokenKeyboardMerge",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T12:28:57.888363](https://huggingface.co/datasets/open-llm-leaderboard/details_dhanushreddy29__BrokenKeyboardMerge/blob/main/results_2024-01-14T12-28-57.888363.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.5820084848111404,
"acc_stderr": 0.033007700619969375,
"acc_norm": 0.5876752361456778,
"acc_norm_stderr": 0.03370856721497056,
"mc1": 0.3769889840881273,
"mc1_stderr": 0.01696551757893035,
"mc2": 0.520009813591209,
"mc2_stderr": 0.01568688657303073
},
"harness|arc:challenge|25": {
"acc": 0.5639931740614335,
"acc_stderr": 0.014491225699230916,
"acc_norm": 0.5972696245733788,
"acc_norm_stderr": 0.01433223630679015
},
"harness|hellaswag|10": {
"acc": 0.6292571200955985,
"acc_stderr": 0.0048201660022530795,
"acc_norm": 0.8124875522804222,
"acc_norm_stderr": 0.0038952463204527657
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.25,
"acc_stderr": 0.04351941398892446,
"acc_norm": 0.25,
"acc_norm_stderr": 0.04351941398892446
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.5703703703703704,
"acc_stderr": 0.04276349494376599,
"acc_norm": 0.5703703703703704,
"acc_norm_stderr": 0.04276349494376599
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.631578947368421,
"acc_stderr": 0.03925523381052932,
"acc_norm": 0.631578947368421,
"acc_norm_stderr": 0.03925523381052932
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.58,
"acc_stderr": 0.049604496374885836,
"acc_norm": 0.58,
"acc_norm_stderr": 0.049604496374885836
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.6490566037735849,
"acc_stderr": 0.02937364625323469,
"acc_norm": 0.6490566037735849,
"acc_norm_stderr": 0.02937364625323469
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.6597222222222222,
"acc_stderr": 0.039621355734862175,
"acc_norm": 0.6597222222222222,
"acc_norm_stderr": 0.039621355734862175
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.33,
"acc_stderr": 0.047258156262526045,
"acc_norm": 0.33,
"acc_norm_stderr": 0.047258156262526045
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.51,
"acc_stderr": 0.05024183937956912,
"acc_norm": 0.51,
"acc_norm_stderr": 0.05024183937956912
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695235,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695235
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.5317919075144508,
"acc_stderr": 0.03804749744364764,
"acc_norm": 0.5317919075144508,
"acc_norm_stderr": 0.03804749744364764
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.2647058823529412,
"acc_stderr": 0.04389869956808778,
"acc_norm": 0.2647058823529412,
"acc_norm_stderr": 0.04389869956808778
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.74,
"acc_stderr": 0.04408440022768077,
"acc_norm": 0.74,
"acc_norm_stderr": 0.04408440022768077
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.5404255319148936,
"acc_stderr": 0.03257901482099835,
"acc_norm": 0.5404255319148936,
"acc_norm_stderr": 0.03257901482099835
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.3684210526315789,
"acc_stderr": 0.04537815354939391,
"acc_norm": 0.3684210526315789,
"acc_norm_stderr": 0.04537815354939391
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5379310344827586,
"acc_stderr": 0.04154659671707548,
"acc_norm": 0.5379310344827586,
"acc_norm_stderr": 0.04154659671707548
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.3888888888888889,
"acc_stderr": 0.02510742548113729,
"acc_norm": 0.3888888888888889,
"acc_norm_stderr": 0.02510742548113729
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.29365079365079366,
"acc_stderr": 0.040735243221471255,
"acc_norm": 0.29365079365079366,
"acc_norm_stderr": 0.040735243221471255
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.27,
"acc_stderr": 0.044619604333847394,
"acc_norm": 0.27,
"acc_norm_stderr": 0.044619604333847394
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7161290322580646,
"acc_stderr": 0.025649381063029265,
"acc_norm": 0.7161290322580646,
"acc_norm_stderr": 0.025649381063029265
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.39901477832512317,
"acc_stderr": 0.034454876862647144,
"acc_norm": 0.39901477832512317,
"acc_norm_stderr": 0.034454876862647144
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.67,
"acc_stderr": 0.047258156262526066,
"acc_norm": 0.67,
"acc_norm_stderr": 0.047258156262526066
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7333333333333333,
"acc_stderr": 0.03453131801885417,
"acc_norm": 0.7333333333333333,
"acc_norm_stderr": 0.03453131801885417
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7424242424242424,
"acc_stderr": 0.03115626951964683,
"acc_norm": 0.7424242424242424,
"acc_norm_stderr": 0.03115626951964683
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8238341968911918,
"acc_stderr": 0.027493504244548057,
"acc_norm": 0.8238341968911918,
"acc_norm_stderr": 0.027493504244548057
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.5307692307692308,
"acc_stderr": 0.025302958890850154,
"acc_norm": 0.5307692307692308,
"acc_norm_stderr": 0.025302958890850154
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.3,
"acc_stderr": 0.027940457136228405,
"acc_norm": 0.3,
"acc_norm_stderr": 0.027940457136228405
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.5588235294117647,
"acc_stderr": 0.0322529423239964,
"acc_norm": 0.5588235294117647,
"acc_norm_stderr": 0.0322529423239964
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.3443708609271523,
"acc_stderr": 0.03879687024073327,
"acc_norm": 0.3443708609271523,
"acc_norm_stderr": 0.03879687024073327
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.7376146788990826,
"acc_stderr": 0.01886188502153473,
"acc_norm": 0.7376146788990826,
"acc_norm_stderr": 0.01886188502153473
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.4305555555555556,
"acc_stderr": 0.03376922151252336,
"acc_norm": 0.4305555555555556,
"acc_norm_stderr": 0.03376922151252336
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.7696078431372549,
"acc_stderr": 0.02955429260569507,
"acc_norm": 0.7696078431372549,
"acc_norm_stderr": 0.02955429260569507
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.7763713080168776,
"acc_stderr": 0.027123298205229966,
"acc_norm": 0.7763713080168776,
"acc_norm_stderr": 0.027123298205229966
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.6367713004484304,
"acc_stderr": 0.032277904428505,
"acc_norm": 0.6367713004484304,
"acc_norm_stderr": 0.032277904428505
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.6870229007633588,
"acc_stderr": 0.04066962905677698,
"acc_norm": 0.6870229007633588,
"acc_norm_stderr": 0.04066962905677698
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.8016528925619835,
"acc_stderr": 0.03640118271990945,
"acc_norm": 0.8016528925619835,
"acc_norm_stderr": 0.03640118271990945
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.6851851851851852,
"acc_stderr": 0.04489931073591312,
"acc_norm": 0.6851851851851852,
"acc_norm_stderr": 0.04489931073591312
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7361963190184049,
"acc_stderr": 0.034624199316156234,
"acc_norm": 0.7361963190184049,
"acc_norm_stderr": 0.034624199316156234
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.4732142857142857,
"acc_stderr": 0.047389751192741546,
"acc_norm": 0.4732142857142857,
"acc_norm_stderr": 0.047389751192741546
},
"harness|hendrycksTest-management|5": {
"acc": 0.7766990291262136,
"acc_stderr": 0.04123553189891431,
"acc_norm": 0.7766990291262136,
"acc_norm_stderr": 0.04123553189891431
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8461538461538461,
"acc_stderr": 0.02363687331748927,
"acc_norm": 0.8461538461538461,
"acc_norm_stderr": 0.02363687331748927
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.68,
"acc_stderr": 0.04688261722621505,
"acc_norm": 0.68,
"acc_norm_stderr": 0.04688261722621505
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.7726692209450831,
"acc_stderr": 0.014987270640946005,
"acc_norm": 0.7726692209450831,
"acc_norm_stderr": 0.014987270640946005
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.6242774566473989,
"acc_stderr": 0.02607431485165708,
"acc_norm": 0.6242774566473989,
"acc_norm_stderr": 0.02607431485165708
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.3217877094972067,
"acc_stderr": 0.015624236160792577,
"acc_norm": 0.3217877094972067,
"acc_norm_stderr": 0.015624236160792577
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.6274509803921569,
"acc_stderr": 0.027684181883302888,
"acc_norm": 0.6274509803921569,
"acc_norm_stderr": 0.027684181883302888
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.6977491961414791,
"acc_stderr": 0.02608270069539966,
"acc_norm": 0.6977491961414791,
"acc_norm_stderr": 0.02608270069539966
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.6697530864197531,
"acc_stderr": 0.026168298456732846,
"acc_norm": 0.6697530864197531,
"acc_norm_stderr": 0.026168298456732846
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.42907801418439717,
"acc_stderr": 0.02952591430255856,
"acc_norm": 0.42907801418439717,
"acc_norm_stderr": 0.02952591430255856
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.4152542372881356,
"acc_stderr": 0.012585471793400664,
"acc_norm": 0.4152542372881356,
"acc_norm_stderr": 0.012585471793400664
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6470588235294118,
"acc_stderr": 0.0290294228156814,
"acc_norm": 0.6470588235294118,
"acc_norm_stderr": 0.0290294228156814
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6045751633986928,
"acc_stderr": 0.019780465954777515,
"acc_norm": 0.6045751633986928,
"acc_norm_stderr": 0.019780465954777515
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6454545454545455,
"acc_stderr": 0.045820048415054174,
"acc_norm": 0.6454545454545455,
"acc_norm_stderr": 0.045820048415054174
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.6571428571428571,
"acc_stderr": 0.03038726291954773,
"acc_norm": 0.6571428571428571,
"acc_norm_stderr": 0.03038726291954773
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.7412935323383084,
"acc_stderr": 0.030965903123573012,
"acc_norm": 0.7412935323383084,
"acc_norm_stderr": 0.030965903123573012
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.82,
"acc_stderr": 0.038612291966536934,
"acc_norm": 0.82,
"acc_norm_stderr": 0.038612291966536934
},
"harness|hendrycksTest-virology|5": {
"acc": 0.4819277108433735,
"acc_stderr": 0.038899512528272166,
"acc_norm": 0.4819277108433735,
"acc_norm_stderr": 0.038899512528272166
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.7953216374269005,
"acc_stderr": 0.030944459778533193,
"acc_norm": 0.7953216374269005,
"acc_norm_stderr": 0.030944459778533193
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3769889840881273,
"mc1_stderr": 0.01696551757893035,
"mc2": 0.520009813591209,
"mc2_stderr": 0.01568688657303073
},
"harness|winogrande|5": {
"acc": 0.7868981846882399,
"acc_stderr": 0.011508957690722747
},
"harness|gsm8k|5": {
"acc": 0.25928733889310085,
"acc_stderr": 0.012071405369905504
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_dhanushreddy29__BrokenKeyboardMerge | [
"region:us"
] | 2024-01-14T12:31:15+00:00 | {"pretty_name": "Evaluation run of dhanushreddy29/BrokenKeyboardMerge", "dataset_summary": "Dataset automatically created during the evaluation run of model [dhanushreddy29/BrokenKeyboardMerge](https://huggingface.co/dhanushreddy29/BrokenKeyboardMerge) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_dhanushreddy29__BrokenKeyboardMerge\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T12:28:57.888363](https://huggingface.co/datasets/open-llm-leaderboard/details_dhanushreddy29__BrokenKeyboardMerge/blob/main/results_2024-01-14T12-28-57.888363.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.5820084848111404,\n \"acc_stderr\": 0.033007700619969375,\n \"acc_norm\": 0.5876752361456778,\n \"acc_norm_stderr\": 0.03370856721497056,\n \"mc1\": 0.3769889840881273,\n \"mc1_stderr\": 0.01696551757893035,\n \"mc2\": 0.520009813591209,\n \"mc2_stderr\": 0.01568688657303073\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.5639931740614335,\n \"acc_stderr\": 0.014491225699230916,\n \"acc_norm\": 0.5972696245733788,\n \"acc_norm_stderr\": 0.01433223630679015\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6292571200955985,\n \"acc_stderr\": 0.0048201660022530795,\n \"acc_norm\": 0.8124875522804222,\n \"acc_norm_stderr\": 0.0038952463204527657\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.25,\n \"acc_stderr\": 0.04351941398892446,\n \"acc_norm\": 0.25,\n \"acc_norm_stderr\": 0.04351941398892446\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.5703703703703704,\n \"acc_stderr\": 0.04276349494376599,\n \"acc_norm\": 0.5703703703703704,\n \"acc_norm_stderr\": 0.04276349494376599\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.631578947368421,\n \"acc_stderr\": 0.03925523381052932,\n \"acc_norm\": 0.631578947368421,\n \"acc_norm_stderr\": 0.03925523381052932\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.58,\n \"acc_stderr\": 0.049604496374885836,\n \"acc_norm\": 0.58,\n \"acc_norm_stderr\": 0.049604496374885836\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.6490566037735849,\n \"acc_stderr\": 0.02937364625323469,\n \"acc_norm\": 0.6490566037735849,\n \"acc_norm_stderr\": 0.02937364625323469\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.6597222222222222,\n \"acc_stderr\": 0.039621355734862175,\n \"acc_norm\": 0.6597222222222222,\n \"acc_norm_stderr\": 0.039621355734862175\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.33,\n \"acc_stderr\": 0.047258156262526045,\n \"acc_norm\": 0.33,\n \"acc_norm_stderr\": 0.047258156262526045\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.51,\n \"acc_stderr\": 0.05024183937956912,\n \"acc_norm\": 0.51,\n \"acc_norm_stderr\": 0.05024183937956912\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695235,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695235\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.5317919075144508,\n \"acc_stderr\": 0.03804749744364764,\n \"acc_norm\": 0.5317919075144508,\n \"acc_norm_stderr\": 0.03804749744364764\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.2647058823529412,\n \"acc_stderr\": 0.04389869956808778,\n \"acc_norm\": 0.2647058823529412,\n \"acc_norm_stderr\": 0.04389869956808778\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.74,\n \"acc_stderr\": 0.04408440022768077,\n \"acc_norm\": 0.74,\n \"acc_norm_stderr\": 0.04408440022768077\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.5404255319148936,\n \"acc_stderr\": 0.03257901482099835,\n \"acc_norm\": 0.5404255319148936,\n \"acc_norm_stderr\": 0.03257901482099835\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.3684210526315789,\n \"acc_stderr\": 0.04537815354939391,\n \"acc_norm\": 0.3684210526315789,\n \"acc_norm_stderr\": 0.04537815354939391\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5379310344827586,\n \"acc_stderr\": 0.04154659671707548,\n \"acc_norm\": 0.5379310344827586,\n \"acc_norm_stderr\": 0.04154659671707548\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.3888888888888889,\n \"acc_stderr\": 0.02510742548113729,\n \"acc_norm\": 0.3888888888888889,\n \"acc_norm_stderr\": 0.02510742548113729\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.29365079365079366,\n \"acc_stderr\": 0.040735243221471255,\n \"acc_norm\": 0.29365079365079366,\n \"acc_norm_stderr\": 0.040735243221471255\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.27,\n \"acc_stderr\": 0.044619604333847394,\n \"acc_norm\": 0.27,\n \"acc_norm_stderr\": 0.044619604333847394\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7161290322580646,\n \"acc_stderr\": 0.025649381063029265,\n \"acc_norm\": 0.7161290322580646,\n \"acc_norm_stderr\": 0.025649381063029265\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.39901477832512317,\n \"acc_stderr\": 0.034454876862647144,\n \"acc_norm\": 0.39901477832512317,\n \"acc_norm_stderr\": 0.034454876862647144\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.67,\n \"acc_stderr\": 0.047258156262526066,\n \"acc_norm\": 0.67,\n \"acc_norm_stderr\": 0.047258156262526066\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7333333333333333,\n \"acc_stderr\": 0.03453131801885417,\n \"acc_norm\": 0.7333333333333333,\n \"acc_norm_stderr\": 0.03453131801885417\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7424242424242424,\n \"acc_stderr\": 0.03115626951964683,\n \"acc_norm\": 0.7424242424242424,\n \"acc_norm_stderr\": 0.03115626951964683\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8238341968911918,\n \"acc_stderr\": 0.027493504244548057,\n \"acc_norm\": 0.8238341968911918,\n \"acc_norm_stderr\": 0.027493504244548057\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.5307692307692308,\n \"acc_stderr\": 0.025302958890850154,\n \"acc_norm\": 0.5307692307692308,\n \"acc_norm_stderr\": 0.025302958890850154\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.3,\n \"acc_stderr\": 0.027940457136228405,\n \"acc_norm\": 0.3,\n \"acc_norm_stderr\": 0.027940457136228405\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.5588235294117647,\n \"acc_stderr\": 0.0322529423239964,\n \"acc_norm\": 0.5588235294117647,\n \"acc_norm_stderr\": 0.0322529423239964\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.3443708609271523,\n \"acc_stderr\": 0.03879687024073327,\n \"acc_norm\": 0.3443708609271523,\n \"acc_norm_stderr\": 0.03879687024073327\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.7376146788990826,\n \"acc_stderr\": 0.01886188502153473,\n \"acc_norm\": 0.7376146788990826,\n \"acc_norm_stderr\": 0.01886188502153473\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.4305555555555556,\n \"acc_stderr\": 0.03376922151252336,\n \"acc_norm\": 0.4305555555555556,\n \"acc_norm_stderr\": 0.03376922151252336\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.7696078431372549,\n \"acc_stderr\": 0.02955429260569507,\n \"acc_norm\": 0.7696078431372549,\n \"acc_norm_stderr\": 0.02955429260569507\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.7763713080168776,\n \"acc_stderr\": 0.027123298205229966,\n \"acc_norm\": 0.7763713080168776,\n \"acc_norm_stderr\": 0.027123298205229966\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.6367713004484304,\n \"acc_stderr\": 0.032277904428505,\n \"acc_norm\": 0.6367713004484304,\n \"acc_norm_stderr\": 0.032277904428505\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.6870229007633588,\n \"acc_stderr\": 0.04066962905677698,\n \"acc_norm\": 0.6870229007633588,\n \"acc_norm_stderr\": 0.04066962905677698\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.8016528925619835,\n \"acc_stderr\": 0.03640118271990945,\n \"acc_norm\": 0.8016528925619835,\n \"acc_norm_stderr\": 0.03640118271990945\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.6851851851851852,\n \"acc_stderr\": 0.04489931073591312,\n \"acc_norm\": 0.6851851851851852,\n \"acc_norm_stderr\": 0.04489931073591312\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7361963190184049,\n \"acc_stderr\": 0.034624199316156234,\n \"acc_norm\": 0.7361963190184049,\n \"acc_norm_stderr\": 0.034624199316156234\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.4732142857142857,\n \"acc_stderr\": 0.047389751192741546,\n \"acc_norm\": 0.4732142857142857,\n \"acc_norm_stderr\": 0.047389751192741546\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.7766990291262136,\n \"acc_stderr\": 0.04123553189891431,\n \"acc_norm\": 0.7766990291262136,\n \"acc_norm_stderr\": 0.04123553189891431\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8461538461538461,\n \"acc_stderr\": 0.02363687331748927,\n \"acc_norm\": 0.8461538461538461,\n \"acc_norm_stderr\": 0.02363687331748927\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.68,\n \"acc_stderr\": 0.04688261722621505,\n \"acc_norm\": 0.68,\n \"acc_norm_stderr\": 0.04688261722621505\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.7726692209450831,\n \"acc_stderr\": 0.014987270640946005,\n \"acc_norm\": 0.7726692209450831,\n \"acc_norm_stderr\": 0.014987270640946005\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.6242774566473989,\n \"acc_stderr\": 0.02607431485165708,\n \"acc_norm\": 0.6242774566473989,\n \"acc_norm_stderr\": 0.02607431485165708\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.3217877094972067,\n \"acc_stderr\": 0.015624236160792577,\n \"acc_norm\": 0.3217877094972067,\n \"acc_norm_stderr\": 0.015624236160792577\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.6274509803921569,\n \"acc_stderr\": 0.027684181883302888,\n \"acc_norm\": 0.6274509803921569,\n \"acc_norm_stderr\": 0.027684181883302888\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.6977491961414791,\n \"acc_stderr\": 0.02608270069539966,\n \"acc_norm\": 0.6977491961414791,\n \"acc_norm_stderr\": 0.02608270069539966\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.6697530864197531,\n \"acc_stderr\": 0.026168298456732846,\n \"acc_norm\": 0.6697530864197531,\n \"acc_norm_stderr\": 0.026168298456732846\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.42907801418439717,\n \"acc_stderr\": 0.02952591430255856,\n \"acc_norm\": 0.42907801418439717,\n \"acc_norm_stderr\": 0.02952591430255856\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.4152542372881356,\n \"acc_stderr\": 0.012585471793400664,\n \"acc_norm\": 0.4152542372881356,\n \"acc_norm_stderr\": 0.012585471793400664\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6470588235294118,\n \"acc_stderr\": 0.0290294228156814,\n \"acc_norm\": 0.6470588235294118,\n \"acc_norm_stderr\": 0.0290294228156814\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6045751633986928,\n \"acc_stderr\": 0.019780465954777515,\n \"acc_norm\": 0.6045751633986928,\n \"acc_norm_stderr\": 0.019780465954777515\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6454545454545455,\n \"acc_stderr\": 0.045820048415054174,\n \"acc_norm\": 0.6454545454545455,\n \"acc_norm_stderr\": 0.045820048415054174\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.6571428571428571,\n \"acc_stderr\": 0.03038726291954773,\n \"acc_norm\": 0.6571428571428571,\n \"acc_norm_stderr\": 0.03038726291954773\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.7412935323383084,\n \"acc_stderr\": 0.030965903123573012,\n \"acc_norm\": 0.7412935323383084,\n \"acc_norm_stderr\": 0.030965903123573012\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.82,\n \"acc_stderr\": 0.038612291966536934,\n \"acc_norm\": 0.82,\n \"acc_norm_stderr\": 0.038612291966536934\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.4819277108433735,\n \"acc_stderr\": 0.038899512528272166,\n \"acc_norm\": 0.4819277108433735,\n \"acc_norm_stderr\": 0.038899512528272166\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.7953216374269005,\n \"acc_stderr\": 0.030944459778533193,\n \"acc_norm\": 0.7953216374269005,\n \"acc_norm_stderr\": 0.030944459778533193\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3769889840881273,\n \"mc1_stderr\": 0.01696551757893035,\n \"mc2\": 0.520009813591209,\n \"mc2_stderr\": 0.01568688657303073\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.7868981846882399,\n \"acc_stderr\": 0.011508957690722747\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.25928733889310085,\n \"acc_stderr\": 0.012071405369905504\n }\n}\n```", "repo_url": "https://huggingface.co/dhanushreddy29/BrokenKeyboardMerge", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|arc:challenge|25_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|gsm8k|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hellaswag|10_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T12-28-57.888363.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["**/details_harness|winogrande|5_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T12-28-57.888363.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T12_28_57.888363", "path": ["results_2024-01-14T12-28-57.888363.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T12-28-57.888363.parquet"]}]}]} | 2024-01-14T12:31:36+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of dhanushreddy29/BrokenKeyboardMerge
Dataset automatically created during the evaluation run of model dhanushreddy29/BrokenKeyboardMerge on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T12:28:57.888363(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of dhanushreddy29/BrokenKeyboardMerge\n\n\n\nDataset automatically created during the evaluation run of model dhanushreddy29/BrokenKeyboardMerge on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T12:28:57.888363(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of dhanushreddy29/BrokenKeyboardMerge\n\n\n\nDataset automatically created during the evaluation run of model dhanushreddy29/BrokenKeyboardMerge on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T12:28:57.888363(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
183,
67,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of dhanushreddy29/BrokenKeyboardMerge\n\n\n\nDataset automatically created during the evaluation run of model dhanushreddy29/BrokenKeyboardMerge on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T12:28:57.888363(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.050102684646844864,
0.20484809577465057,
-0.005616989452391863,
0.048931512981653214,
0.06393132358789444,
-0.01758420839905739,
0.053342416882514954,
0.10736467689275742,
0.025135463103652,
0.1844738870859146,
-0.01828734576702118,
0.09748167544603348,
0.07970010489225388,
0.10937370359897614,
0.025259895250201225,
-0.13418351113796234,
0.03012869693338871,
-0.08444831520318985,
0.12024237960577011,
0.06435184180736542,
0.05639145150780678,
-0.08024512976408005,
0.06923375278711319,
-0.025248676538467407,
0.04179449751973152,
-0.011434649117290974,
-0.07178357243537903,
-0.022533969953656197,
0.10498980432748795,
0.1042165532708168,
0.035327911376953125,
-0.019260136410593987,
0.027894865721464157,
-0.2620672285556793,
0.021116143092513084,
0.09666518121957779,
-0.013212778605520725,
0.039186976850032806,
0.14292119443416595,
-0.08258276432752609,
0.08830473572015762,
-0.024559559300541878,
0.06947140395641327,
0.04996402561664581,
-0.10716482996940613,
-0.14944332838058472,
-0.16099973022937775,
0.0191362127661705,
0.06455342471599579,
0.03949812054634094,
-0.025576191022992134,
0.14850078523159027,
-0.05965650826692581,
0.05092032253742218,
0.13882458209991455,
-0.11973167210817337,
-0.020314790308475494,
0.04805859923362732,
0.02393871545791626,
0.07585430145263672,
-0.08187603205442429,
-0.01993977651000023,
0.03443079814314842,
0.0606437586247921,
0.0018500594887882471,
0.014114182442426682,
0.006550233345478773,
0.010862781666219234,
-0.14435528218746185,
-0.12155704945325851,
0.10837621986865997,
0.006731020752340555,
-0.048878636211156845,
-0.18323643505573273,
-0.02234218455851078,
0.02717985212802887,
0.0025652649346739054,
0.011115957982838154,
-0.004955274518579245,
-0.012859161011874676,
0.09265878796577454,
-0.011855712160468102,
-0.0923595204949379,
-0.024870598688721657,
-0.006811030674725771,
0.05166815593838692,
0.02867189235985279,
-0.0011855803895741701,
0.003668943652883172,
0.11386533081531525,
0.027408046647906303,
-0.051929160952568054,
-0.07129014283418655,
-0.05399075895547867,
-0.0994517132639885,
-0.03460777550935745,
0.014107953757047653,
-0.0679466724395752,
0.04104046896100044,
0.21658602356910706,
-0.022559965029358864,
0.024347426369786263,
-0.11411744356155396,
0.01355466153472662,
0.12301662564277649,
0.050244394689798355,
-0.08881828188896179,
-0.05848667398095131,
-0.03305951505899429,
0.028808854520320892,
0.03855884447693825,
-0.01068498007953167,
0.00862049125134945,
0.07231540232896805,
0.01839725486934185,
0.11961840838193893,
0.12030447274446487,
0.023628422990441322,
-0.07046543806791306,
-0.02184649370610714,
0.22526054084300995,
-0.13984930515289307,
-0.006609106902033091,
0.024128561839461327,
-0.036321621388196945,
-0.09992010146379471,
0.05930858850479126,
-0.007193653378635645,
-0.058541666716337204,
0.1151316910982132,
-0.042409881949424744,
-0.07504331320524216,
-0.07994722574949265,
-0.07683791220188141,
0.04907045140862465,
-0.013535493984818459,
-0.057413555681705475,
-0.06245875358581543,
-0.11025284230709076,
-0.08739235252141953,
0.03376520425081253,
-0.0665886178612709,
-0.010197692550718784,
0.010790522210299969,
0.010581737384200096,
-0.007030627224594355,
-0.015119902789592743,
0.11065234988927841,
-0.06197138875722885,
0.03061162494122982,
-0.03683977201581001,
0.03180078789591789,
0.09330352395772934,
0.03244047984480858,
-0.10696103423833847,
0.08392861485481262,
-0.10125993937253952,
0.09609808027744293,
-0.11125470697879791,
-0.024389071390032768,
-0.11430906504392624,
0.005875312723219395,
-0.025302115827798843,
0.0512378104031086,
-0.026381412521004677,
0.08699853718280792,
-0.20872080326080322,
-0.0034044517669826746,
0.17669981718063354,
-0.12293757498264313,
-0.07612038403749466,
0.09363655000925064,
-0.04732615873217583,
0.057814180850982666,
0.04519994929432869,
0.09695824235677719,
0.10982692241668701,
-0.08470656722784042,
-0.10037539899349213,
-0.05172596499323845,
-0.032096557319164276,
0.1431674361228943,
0.06358223408460617,
-0.09255243837833405,
0.11290062963962555,
0.03728994354605675,
0.012731143273413181,
-0.06683352589607239,
-0.001909866463392973,
-0.057992417365312576,
-0.01625080779194832,
-0.06436319649219513,
-0.07162552326917648,
-0.007565483450889587,
-0.07107619196176529,
-0.01679975353181362,
-0.06652222573757172,
0.003998443949967623,
0.10099675506353378,
-0.027854157611727715,
0.020459646359086037,
-0.07721976190805435,
0.03514561057090759,
0.006928614340722561,
0.014740535989403725,
-0.2090277075767517,
-0.07505255192518234,
0.03260311484336853,
-0.2086237668991089,
0.05105041712522507,
0.027698911726474762,
0.01705906167626381,
0.05517709627747536,
-0.009143613278865814,
0.026485078036785126,
0.04066305235028267,
-0.010716344229876995,
-0.013983928598463535,
-0.15251342952251434,
-0.047359898686409,
-0.09019830822944641,
0.07100708782672882,
-0.1203884556889534,
-0.01830633543431759,
0.07002964615821838,
0.15571318566799164,
0.02535291016101837,
-0.07527906447649002,
0.05848662182688713,
0.010854346677660942,
-0.03888946399092674,
-0.057310640811920166,
0.0009043305763043463,
-0.02606399729847908,
0.04127756878733635,
0.05194384977221489,
-0.17370569705963135,
-0.12249021977186203,
0.07346590608358383,
0.14343078434467316,
-0.056162599474191666,
-0.08150867372751236,
-0.06002085655927658,
-0.05982856824994087,
-0.08978185802698135,
-0.06877414882183075,
0.07253240048885345,
0.093204565346241,
0.04801555722951889,
-0.07642721384763718,
-0.05622334033250809,
0.00302781630307436,
0.04887378588318825,
-0.07334796339273453,
0.11437024921178818,
0.07439213246107101,
-0.09168161451816559,
0.10929616540670395,
-0.056059159338474274,
0.10372636467218399,
0.09377194941043854,
0.021973509341478348,
-0.09934020787477493,
0.006178603041917086,
0.060346297919750214,
0.04776572063565254,
0.0759144201874733,
-0.016654400154948235,
0.02931174263358116,
0.08536183089017868,
-0.0021236559841781855,
0.04367900639772415,
-0.07244373112916946,
0.03041195496916771,
0.02201034128665924,
0.0029962118715047836,
0.01934099569916725,
0.014602000825107098,
0.02064690738916397,
0.08714615553617477,
0.026999372988939285,
0.08878156542778015,
-0.029200421646237373,
-0.05556017905473709,
-0.10457959026098251,
0.1406111866235733,
-0.09131285548210144,
-0.2526216208934784,
-0.16622145473957062,
-0.04723984748125076,
-0.03607545793056488,
-0.00964061077684164,
0.059966351836919785,
-0.00873146764934063,
-0.10518805682659149,
-0.12351712584495544,
0.050748176872730255,
0.03879828751087189,
-0.13862450420856476,
-0.04975772649049759,
0.04297053813934326,
-0.021457750350236893,
-0.16819515824317932,
0.04012717679142952,
0.04640292003750801,
-0.04679739102721214,
0.009491841308772564,
0.05856155604124069,
0.0997699499130249,
0.09087994694709778,
0.08599697053432465,
-0.023446137085556984,
-0.02031467854976654,
0.16000895202159882,
-0.10686660557985306,
0.03953400254249573,
0.09976635873317719,
-0.03647081181406975,
0.0736832544207573,
0.14924849569797516,
0.011272195726633072,
-0.08523207157850266,
0.05380682274699211,
0.10193626582622528,
-0.0628991425037384,
-0.24546711146831512,
-0.11158551275730133,
-0.02676089107990265,
0.03111899457871914,
0.10905954986810684,
0.06572970002889633,
0.010576682165265083,
0.011896444484591484,
-0.12185190618038177,
-0.025031933560967445,
-0.04231618717312813,
0.06259587407112122,
0.04030150920152664,
-0.007525766734033823,
0.04354828968644142,
-0.04956098273396492,
0.023415282368659973,
0.1285027414560318,
0.03484354540705681,
0.15521986782550812,
-0.038672927767038345,
0.18635821342468262,
0.09637276828289032,
0.07112075388431549,
-0.03619246929883957,
0.05060186982154846,
-0.022207599133253098,
0.06545636057853699,
-0.020603401586413383,
-0.09871077537536621,
-0.03778987377882004,
0.10053060203790665,
0.03154749423265457,
-0.06019284576177597,
0.048798125237226486,
-0.07875466346740723,
0.03737384453415871,
0.23808914422988892,
-0.02415211871266365,
-0.10987336188554764,
-0.05082274600863457,
0.06646408140659332,
-0.04409942030906677,
-0.09043183922767639,
-0.003204686101526022,
0.08891777694225311,
-0.1459258794784546,
0.004695560317486525,
-0.041014641523361206,
0.07659592479467392,
-0.13090597093105316,
-0.030329374596476555,
-0.04338452219963074,
0.036947064101696014,
-0.011430572718381882,
0.1043180376291275,
-0.13778530061244965,
0.08991581201553345,
-0.006022138521075249,
0.022119861096143723,
-0.0935501754283905,
0.05391077324748039,
-0.019332405179739,
-0.06371273845434189,
0.12403751909732819,
-0.006072760093957186,
-0.0911775678396225,
-0.03814033046364784,
-0.10369952768087387,
-0.01715310476720333,
0.053101323544979095,
-0.10323751717805862,
0.10507001727819443,
0.024125883355736732,
-0.02331792376935482,
-0.03927034139633179,
-0.02023092284798622,
-0.09617283195257187,
-0.23282356560230255,
0.09510905295610428,
-0.13440510630607605,
0.038204126060009,
-0.06312140822410583,
-0.04963209480047226,
-0.05172193795442581,
0.12012910097837448,
-0.11017418652772903,
-0.05806731805205345,
-0.10491897910833359,
-0.03243830427527428,
0.1677684336900711,
-0.05166659131646156,
0.060200974345207214,
-0.04434847831726074,
0.17432771623134613,
-0.03957587480545044,
-0.046444088220596313,
0.0008702606428414583,
-0.08899974822998047,
-0.18836107850074768,
-0.049214430153369904,
0.1098548024892807,
0.08081275969743729,
0.014251074753701687,
-0.006446880288422108,
0.029915502294898033,
0.006217224057763815,
-0.09565073996782303,
0.03009572997689247,
0.1223481148481369,
0.13249127566814423,
0.04468817263841629,
-0.023501254618167877,
-0.10820653289556503,
-0.09642769396305084,
-0.11558593064546585,
0.045993704348802567,
0.17775538563728333,
-0.0566488578915596,
0.1634395867586136,
0.1494847536087036,
-0.0973164513707161,
-0.1988832950592041,
-0.07441208511590958,
-0.0012445623287931085,
-0.02173546329140663,
0.1157827153801918,
-0.19197088479995728,
0.05837716907262802,
0.0656343474984169,
-0.030013082548975945,
0.10665389150381088,
-0.2547610402107239,
-0.13728171586990356,
0.040952518582344055,
0.056019898504018784,
-0.21163393557071686,
-0.166791632771492,
-0.10126934945583344,
-0.0257370937615633,
-0.14266084134578705,
0.13577748835086823,
-0.01818958669900894,
0.02501075342297554,
-0.02491888776421547,
0.0819089263677597,
0.04016118869185448,
-0.06905240565538406,
0.12330149114131927,
-0.028380051255226135,
0.03306969627737999,
-0.09747850149869919,
-0.02746574953198433,
-0.0220755934715271,
-0.0451907180249691,
0.07908810675144196,
0.009448853321373463,
0.05026711896061897,
-0.09597472846508026,
-0.03254702687263489,
-0.06528428941965103,
0.035676080733537674,
-0.06877577304840088,
-0.05255500599741936,
-0.08217974752187729,
0.0875607579946518,
0.07862864434719086,
-0.0034999260678887367,
0.04613426327705383,
-0.04939509183168411,
0.0408548004925251,
0.21009831130504608,
0.10537280142307281,
0.048908624798059464,
-0.08231247216463089,
-0.048768460750579834,
-0.019271932542324066,
-0.0014811086002737284,
-0.10522616654634476,
0.04216412082314491,
0.07646618783473969,
0.0466737374663353,
0.09520139545202255,
-0.02698695845901966,
-0.1850314438343048,
0.0048318239860236645,
0.07288554310798645,
-0.09020935744047165,
-0.19426049292087555,
0.05205129459500313,
0.12748798727989197,
-0.1347186118364334,
-0.07598250359296799,
0.08366037160158157,
0.028395183384418488,
-0.037247441709041595,
-0.005338592454791069,
0.07546056807041168,
0.04569379612803459,
0.08412639051675797,
0.011250041425228119,
0.043970584869384766,
-0.06915808469057083,
0.09785354882478714,
0.13561365008354187,
-0.1059877872467041,
0.015579519793391228,
0.04885313659906387,
-0.0479089617729187,
-0.07139087468385696,
-0.00564176170155406,
0.03390524908900261,
0.023616835474967957,
-0.03866203501820564,
0.012584498152136803,
-0.038380786776542664,
0.06277989596128464,
0.15547499060630798,
-0.008508371189236641,
0.051724161952733994,
0.012893707491457462,
0.0008380765793845057,
-0.05910342186689377,
0.09750330448150635,
0.028073856607079506,
0.03972047194838524,
-0.021735182031989098,
0.025805355980992317,
0.017525892704725266,
-0.031365443021059036,
0.01803494431078434,
-0.04828619584441185,
-0.07432131469249725,
0.003866200800985098,
-0.19501249492168427,
0.06059293448925018,
-0.08471855521202087,
0.004858036991208792,
-0.001981350127607584,
-0.011052190326154232,
0.0016579321818426251,
0.0049896989949047565,
-0.0704955905675888,
-0.03999834880232811,
-0.0428430438041687,
0.13388635218143463,
-0.19493165612220764,
-0.0007995205814950168,
0.08436677604913712,
-0.06330260634422302,
0.061590563505887985,
-0.010360482148826122,
-0.01610628329217434,
0.027214759960770607,
-0.09471825510263443,
0.0025973375886678696,
-0.035236913710832596,
0.05689345300197601,
0.015189501456916332,
-0.13163016736507416,
-0.02144772559404373,
0.0003663238021545112,
-0.07846175879240036,
-0.0033180101308971643,
0.03119269758462906,
-0.139315664768219,
0.0748891606926918,
0.08234034478664398,
-0.0447138249874115,
-0.04468603804707527,
0.052154798060655594,
0.05338176712393761,
-0.0026422583032399416,
0.09449677914381027,
-0.016241244971752167,
0.02924412675201893,
-0.14995077252388,
-0.03833167627453804,
0.007480894215404987,
0.008432047441601753,
0.03685331717133522,
0.016280988231301308,
0.019902098923921585,
0.008671125397086143,
0.23243659734725952,
-0.012688401155173779,
0.00782399158924818,
0.02117917500436306,
-0.02088063955307007,
-0.038230519741773605,
0.032923635095357895,
0.011163998395204544,
-0.010153256356716156,
0.029230542480945587,
0.007320858538150787,
-0.033594369888305664,
-0.06388489156961441,
-0.01302215177565813,
0.0744767040014267,
0.1376233547925949,
0.16494785249233246,
-0.029665712267160416,
0.056364987045526505,
-0.15799985826015472,
-0.04182106629014015,
0.005248046480119228,
-0.03919331356883049,
0.04211505874991417,
-0.07582598179578781,
0.0725434198975563,
0.09164214879274368,
-0.10488215833902359,
0.1500670611858368,
-0.04935933277010918,
-0.018437521532177925,
-0.03643633425235748,
-0.16298791766166687,
-0.03599746152758598,
0.03441447764635086,
0.0037810977082699537,
-0.0923432931303978,
0.11389221251010895,
0.12221688032150269,
0.0018076045671477914,
0.0005069181206636131,
0.07369480282068253,
-0.07562128454446793,
-0.050925809890031815,
-0.030912011861801147,
0.006043702829629183,
0.016423825174570084,
0.006906730588525534,
0.06416452676057816,
0.012010757811367512,
0.04276968538761139,
0.06940355896949768,
0.10188114643096924,
0.03432602807879448,
0.010796080343425274,
-0.0405498631298542,
-0.05198891460895538,
0.004074242897331715,
-0.0231682900339365,
-0.05458223074674606,
0.2207072675228119,
0.05965723097324371,
0.013923288322985172,
0.018292756751179695,
0.19816453754901886,
-0.009090689942240715,
-0.05738101154565811,
-0.12252121418714523,
0.15561126172542572,
-0.012457325123250484,
0.026048049330711365,
0.030025776475667953,
-0.11125119030475616,
0.016466796398162842,
0.16025932133197784,
0.09807725250720978,
0.02752443216741085,
0.00991684291511774,
0.040005769580602646,
0.023742100223898888,
-0.037017107009887695,
0.052662961184978485,
0.03222402557730675,
0.23401270806789398,
-0.05154842138290405,
0.08822108060121536,
-0.005776727106422186,
-0.0011857091449201107,
-0.03742227703332901,
0.09780880808830261,
-0.05060437321662903,
0.021543443202972412,
-0.06849153339862823,
0.07995085418224335,
-0.06375005841255188,
-0.24606087803840637,
-0.012130333110690117,
-0.06862077862024307,
-0.1302071362733841,
-0.008589524775743484,
0.002873581601306796,
-0.02056518755853176,
0.04883086308836937,
0.04106125235557556,
-0.016640901565551758,
0.18274320662021637,
0.0014097822131589055,
-0.07297998666763306,
-0.07491286098957062,
0.06324616074562073,
-0.06359124928712845,
0.2765098512172699,
-0.006474256981164217,
0.056640371680259705,
0.09162694960832596,
-0.023131178691983223,
-0.12501488626003265,
0.02560705505311489,
0.0804779976606369,
-0.0529203787446022,
0.04614335298538208,
0.15501928329467773,
-0.022285468876361847,
0.14268071949481964,
0.03486828878521919,
-0.0068270619958639145,
0.0746980831027031,
0.07217460870742798,
0.03508670628070831,
-0.0880989208817482,
0.08164660632610321,
-0.09462777525186539,
0.13456498086452484,
0.09996217489242554,
-0.012799695134162903,
0.002759882714599371,
-0.05106384679675102,
0.06693009287118912,
-0.044571276754140854,
0.12273730337619781,
-0.017381301149725914,
-0.14525647461414337,
0.04423777386546135,
0.014360920526087284,
0.06257669627666473,
-0.2500361204147339,
-0.0557224415242672,
0.096091128885746,
-0.04786840081214905,
0.0053511718288064,
0.07648304104804993,
0.03764953464269638,
0.02748274989426136,
-0.0555347241461277,
-0.1285710632801056,
0.01576562412083149,
0.11433292925357819,
-0.06571373343467712,
-0.03661876916885376
] |
1588e143af96f49e0c7c2bb2cb69759e5a7b5bca |
# Dataset Card for MS COCO Karpathy in German language
This dataset contains captions that were machine translated using [opus-mt-en-de](https://huggingface.co/Helsinki-NLP/opus-mt-en-de).
## Dataset Details
### Dataset Description
- **Curated by:** {{ curators | default("[More Information Needed]", true)}}
- **Language(s) (NLP):** {{ language | default("[More Information Needed]", true)}}
- **License:** {{ license | default("[More Information Needed]", true)}}
### Dataset Sources
The processed [MS COCO datasets](https://cocodataset.org/#download) (Karpathy Split) in this repo are based on the following sources:
| Type | MD5 | URL |
|------------|----------------------------------|-----------------------------------------------------------------------------------------------|
| Train | aa31ac474cf6250ebb81d18348a07ed8 | https://storage.googleapis.com/sfr-vision-language-research/datasets/coco_karpathy_train.json |
| Validation | b273847456ef5580e33713b1f7de52a0 | https://storage.googleapis.com/sfr-vision-language-research/datasets/coco_karpathy_val.json |
| Test | 3ff34b0ef2db02d01c37399f6a2a6cd1 | https://storage.googleapis.com/sfr-vision-language-research/datasets/coco_karpathy_test.json |
MS COCO:
- **Download:** https://cocodataset.org/#download
- **Paper:** http://arxiv.org/abs/1405.0312
## Dataset Creation
This dataset was generated by processing the annotations via [opus-mt-en-de](https://huggingface.co/Helsinki-NLP/opus-mt-en-de).
| Jotschi/coco-karpathy-opus-de | [
"task_categories:text-generation",
"task_categories:image-to-text",
"task_categories:text-to-image",
"annotations_creators:machine-generated",
"size_categories:n<650k",
"source_datasets:mscoco",
"language:de",
"coco",
"mscoco",
"german",
"arxiv:1405.0312",
"region:us"
] | 2024-01-14T12:38:08+00:00 | {"annotations_creators": ["machine-generated"], "language": ["de"], "size_categories": ["n<650k"], "source_datasets": ["mscoco"], "task_categories": ["text-generation", "image-to-text", "text-to-image"], "pretty_name": "MS COCO Karpathy in german", "license_name": "cc-by-4.0", "license_link": "https://creativecommons.org/licenses/by/4.0/legalcode", "tags": ["coco", "mscoco", "german"]} | 2024-01-14T13:10:49+00:00 | [
"1405.0312"
] | [
"de"
] | TAGS
#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<650k #source_datasets-mscoco #language-German #coco #mscoco #german #arxiv-1405.0312 #region-us
| Dataset Card for MS COCO Karpathy in German language
====================================================
This dataset contains captions that were machine translated using opus-mt-en-de.
Dataset Details
---------------
### Dataset Description
* Curated by: {{ curators | default("", true)}}
* Language(s) (NLP): {{ language | default("", true)}}
* License: {{ license | default("", true)}}
### Dataset Sources
The processed MS COCO datasets (Karpathy Split) in this repo are based on the following sources:
Type: Train, MD5: aa31ac474cf6250ebb81d18348a07ed8, URL: URL
Type: Validation, MD5: b273847456ef5580e33713b1f7de52a0, URL: URL
Type: Test, MD5: 3ff34b0ef2db02d01c37399f6a2a6cd1, URL: URL
MS COCO:
* Download: URL
* Paper: URL
Dataset Creation
----------------
This dataset was generated by processing the annotations via opus-mt-en-de.
| [
"### Dataset Description\n\n\n* Curated by: {{ curators | default(\"\", true)}}\n* Language(s) (NLP): {{ language | default(\"\", true)}}\n* License: {{ license | default(\"\", true)}}",
"### Dataset Sources\n\n\nThe processed MS COCO datasets (Karpathy Split) in this repo are based on the following sources:\n\n\nType: Train, MD5: aa31ac474cf6250ebb81d18348a07ed8, URL: URL\nType: Validation, MD5: b273847456ef5580e33713b1f7de52a0, URL: URL\nType: Test, MD5: 3ff34b0ef2db02d01c37399f6a2a6cd1, URL: URL\n\n\nMS COCO:\n\n\n* Download: URL\n* Paper: URL\n\n\nDataset Creation\n----------------\n\n\nThis dataset was generated by processing the annotations via opus-mt-en-de."
] | [
"TAGS\n#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<650k #source_datasets-mscoco #language-German #coco #mscoco #german #arxiv-1405.0312 #region-us \n",
"### Dataset Description\n\n\n* Curated by: {{ curators | default(\"\", true)}}\n* Language(s) (NLP): {{ language | default(\"\", true)}}\n* License: {{ license | default(\"\", true)}}",
"### Dataset Sources\n\n\nThe processed MS COCO datasets (Karpathy Split) in this repo are based on the following sources:\n\n\nType: Train, MD5: aa31ac474cf6250ebb81d18348a07ed8, URL: URL\nType: Validation, MD5: b273847456ef5580e33713b1f7de52a0, URL: URL\nType: Test, MD5: 3ff34b0ef2db02d01c37399f6a2a6cd1, URL: URL\n\n\nMS COCO:\n\n\n* Download: URL\n* Paper: URL\n\n\nDataset Creation\n----------------\n\n\nThis dataset was generated by processing the annotations via opus-mt-en-de."
] | [
97,
56,
165
] | [
"passage: TAGS\n#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<650k #source_datasets-mscoco #language-German #coco #mscoco #german #arxiv-1405.0312 #region-us \n### Dataset Description\n\n\n* Curated by: {{ curators | default(\"\", true)}}\n* Language(s) (NLP): {{ language | default(\"\", true)}}\n* License: {{ license | default(\"\", true)}}### Dataset Sources\n\n\nThe processed MS COCO datasets (Karpathy Split) in this repo are based on the following sources:\n\n\nType: Train, MD5: aa31ac474cf6250ebb81d18348a07ed8, URL: URL\nType: Validation, MD5: b273847456ef5580e33713b1f7de52a0, URL: URL\nType: Test, MD5: 3ff34b0ef2db02d01c37399f6a2a6cd1, URL: URL\n\n\nMS COCO:\n\n\n* Download: URL\n* Paper: URL\n\n\nDataset Creation\n----------------\n\n\nThis dataset was generated by processing the annotations via opus-mt-en-de."
] | [
-0.12399692833423615,
0.18107765913009644,
-0.003969756420701742,
0.05504777655005455,
0.04625128582119942,
0.02654440514743328,
0.17939117550849915,
0.08504685759544373,
-0.02087518759071827,
0.14198116958141327,
0.09356577694416046,
0.08890663832426071,
0.11959758400917053,
0.1642789989709854,
-0.0744783952832222,
-0.0038464076351374388,
0.051984455436468124,
-0.07004635035991669,
0.04806892201304436,
0.095731221139431,
0.09259387105703354,
-0.09451470524072647,
0.10920339822769165,
-0.03731348738074303,
-0.16472668945789337,
0.002191772684454918,
0.022799303755164146,
0.006960212253034115,
0.008161927573382854,
0.08114070445299149,
0.10403762012720108,
0.06671637296676636,
0.04962998256087303,
-0.1633216142654419,
0.0036717939656227827,
-0.01980416662991047,
-0.04120485112071037,
0.045706335455179214,
0.10872532427310944,
-0.023335982114076614,
-0.01091001182794571,
-0.05664639547467232,
-0.04387803375720978,
0.05734832212328911,
-0.11889522522687912,
-0.03069428727030754,
-0.16085192561149597,
0.16057971119880676,
0.025158701464533806,
0.11517071723937988,
-0.03287087380886078,
0.09474917501211166,
-0.05552269145846367,
0.055814702063798904,
0.12498919665813446,
-0.09511030465364456,
-0.07624240219593048,
0.1900854855775833,
-0.0031527276150882244,
0.030332455411553383,
-0.05258267745375633,
0.009698281064629555,
0.067997045814991,
-0.03376627713441849,
-0.07501383125782013,
-0.09041260182857513,
-0.11013072729110718,
-0.05519884079694748,
-0.04775887355208397,
-0.10306235402822495,
0.2654656171798706,
0.050181642174720764,
-0.06868071109056473,
-0.05212567001581192,
0.015010351315140724,
-0.062387555837631226,
0.001094360020942986,
0.04399238899350166,
-0.017571602016687393,
-0.038473330438137054,
0.019635077565908432,
-0.009527012705802917,
-0.1510719358921051,
-0.009565494954586029,
0.02399192750453949,
0.09226156771183014,
-0.04020259529352188,
0.03506775572896004,
0.03317234292626381,
0.08413242548704147,
-0.047506678849458694,
-0.17757804691791534,
-0.048394858837127686,
-0.050648514181375504,
-0.03942238911986351,
-0.010993828065693378,
0.001368088647723198,
-0.00035966947325505316,
0.11803602427244186,
0.11585770547389984,
-0.03049798496067524,
0.010783692821860313,
-0.05726923421025276,
0.06316835433244705,
-0.004451586864888668,
0.15533538162708282,
-0.06739098578691483,
-0.04180673882365227,
0.016758374869823456,
0.00451296241953969,
0.05484676733613014,
-0.0021131776738911867,
-0.09654941409826279,
-0.05215250328183174,
-0.044468626379966736,
0.07565560191869736,
0.06135725602507591,
0.012232795357704163,
-0.10843410342931747,
-0.02407645806670189,
0.16613967716693878,
-0.06264897435903549,
0.02279636450111866,
0.09391223639249802,
-0.08767708390951157,
-0.0046387361362576485,
0.039618220180273056,
0.02217486873269081,
-0.07244637608528137,
0.025964995846152306,
-0.06884532421827316,
0.01038706861436367,
-0.07034485787153244,
-0.13947992026805878,
0.11879284679889679,
-0.09917297959327698,
-0.028068076819181442,
-0.09635454416275024,
-0.13000652194023132,
-0.1004110649228096,
0.006928395479917526,
-0.02439870499074459,
0.01960894837975502,
-0.02392755262553692,
-0.07277511060237885,
0.05158805847167969,
0.003265631850808859,
-0.027770772576332092,
-0.06895571947097778,
0.02418850176036358,
-0.10252334922552109,
-0.014181560836732388,
-0.12555286288261414,
0.01047869585454464,
-0.10309546440839767,
0.00967367086559534,
-0.14801983535289764,
0.02417091652750969,
-0.14390842616558075,
0.07421625405550003,
-0.11059790104627609,
-0.023937596008181572,
0.09333587437868118,
-0.04080759361386299,
0.05580880865454674,
0.15631072223186493,
-0.08252939581871033,
-0.011071025393903255,
0.09933273494243622,
-0.07812241464853287,
-0.10114362835884094,
0.037438273429870605,
0.002484994474798441,
0.05241402983665466,
0.033337533473968506,
0.07349492609500885,
0.14302758872509003,
-0.15115007758140564,
-0.09978924691677094,
-0.036748871207237244,
0.06811582297086716,
-0.014051266945898533,
0.07325253635644913,
-0.10170430690050125,
0.0196284968405962,
0.02148617058992386,
-0.02545122429728508,
-0.03086049109697342,
-0.02675285004079342,
-0.08100968599319458,
-0.023314908146858215,
-0.02612200751900673,
-0.05956463888287544,
0.01818520575761795,
-0.04854738712310791,
-0.06425207853317261,
-0.06600729376077652,
-0.1399306058883667,
0.08434408158063889,
-0.03604976087808609,
-0.042840875685214996,
-0.017850223928689957,
0.09290461987257004,
-0.053383853286504745,
-0.015048189088702202,
-0.10142770409584045,
-0.21451900899410248,
0.08318454772233963,
-0.009745200164616108,
0.09835532307624817,
-0.01628226786851883,
0.00790595356374979,
0.02782420814037323,
0.00022953878215048462,
-0.03024895116686821,
-0.044252824038267136,
-0.04232648387551308,
-0.006019503343850374,
-0.20525260269641876,
0.007964570075273514,
-0.02810453251004219,
0.1869337558746338,
-0.17033985257148743,
-0.015406236983835697,
0.10247549414634705,
0.09694340825080872,
0.0299372598528862,
-0.05423944443464279,
0.04509814828634262,
0.05668237805366516,
-0.05925648659467697,
-0.01926727592945099,
-0.01490298192948103,
0.004053256940096617,
-0.024569621309638023,
0.11535041034221649,
-0.152968168258667,
-0.01632283627986908,
0.1154528483748436,
0.001183290034532547,
-0.08689568191766739,
-0.07727547734975815,
-0.04657668620347977,
-0.008937682025134563,
-0.015350264497101307,
-0.037903040647506714,
-0.01843961887061596,
-0.005555351264774799,
0.06513875722885132,
-0.12154438346624374,
-0.023600243031978607,
0.033227112144231796,
-0.029300862923264503,
-0.040929507464170456,
0.14665353298187256,
0.08110346645116806,
-0.17827355861663818,
0.1555575281381607,
0.09084813296794891,
-0.039518605917692184,
0.1700589954853058,
0.005405627656728029,
-0.07882313430309296,
-0.05089661851525307,
0.09173139184713364,
0.042488083243370056,
0.18096032738685608,
-0.006787933874875307,
0.06252821534872055,
0.07418295741081238,
-0.049984078854322433,
0.005621337331831455,
-0.13505959510803223,
-0.009917419403791428,
-0.01723719760775566,
-0.08234216272830963,
-0.0011248495429754257,
0.02648078091442585,
0.018315907567739487,
0.09555812180042267,
-0.047229789197444916,
-0.03894409164786339,
-0.00020851506269536912,
-0.04460988566279411,
-0.1263744831085205,
0.22662736475467682,
-0.1139354556798935,
-0.18647252023220062,
-0.173985555768013,
0.007430144120007753,
-0.12773990631103516,
0.018140599131584167,
0.020751139149069786,
-0.025949953123927116,
-0.10899105668067932,
-0.07949753850698471,
-0.020939355716109276,
0.03351335972547531,
-0.07829371094703674,
-0.09762683510780334,
0.0480482317507267,
0.014802593737840652,
-0.1100206971168518,
-0.029518593102693558,
0.0301229078322649,
-0.013473913073539734,
0.03692047670483589,
-0.04166653752326965,
0.17274899780750275,
0.11863003671169281,
0.01572582870721817,
-0.008563597686588764,
-0.01985645666718483,
0.149603471159935,
-0.1095544695854187,
0.03605956211686134,
0.11202749609947205,
-0.017412295565009117,
0.052167970687150955,
0.2012406587600708,
0.040867920964956284,
-0.03703287988901138,
0.010889795608818531,
0.0002057207457255572,
-0.03768076375126839,
-0.30594632029533386,
-0.12007339298725128,
-0.06859249621629715,
0.04145751893520355,
0.08040212839841843,
0.027306431904435158,
0.09068462252616882,
0.136186420917511,
-0.12083093822002411,
-0.014762778766453266,
0.05613910034298897,
0.08705917000770569,
0.03212505206465721,
0.06327985972166061,
0.08227761089801788,
-0.07130248844623566,
0.028464797884225845,
0.08766365796327591,
0.07271124422550201,
0.142950177192688,
0.03840713948011398,
0.16570550203323364,
0.05768810585141182,
0.09310820698738098,
-0.019635677337646484,
0.07952567934989929,
0.10438191890716553,
0.013421266339719296,
0.029583200812339783,
-0.16222845017910004,
0.0009874391835182905,
0.12244415283203125,
0.0812872052192688,
-0.027225399389863014,
-0.03221983090043068,
-0.02844880521297455,
0.04251476749777794,
0.11981117725372314,
0.14461754262447357,
-0.2898332476615906,
-0.03949300944805145,
0.016709771007299423,
0.11422567814588547,
-0.03818908706307411,
-0.06648342311382294,
0.07392562180757523,
-0.10431085526943207,
0.07799287885427475,
0.04057709500193596,
0.12072080373764038,
0.0025585810653865337,
-0.0654965490102768,
-0.03255235031247139,
-0.01383796613663435,
-0.034555062651634216,
0.07518842816352844,
-0.17187023162841797,
0.27260822057724,
0.06398983299732208,
0.03129138424992561,
-0.09957928955554962,
0.030358174815773964,
0.011575564742088318,
0.028930652886629105,
0.176182359457016,
0.004710381384938955,
-0.054384469985961914,
-0.18696002662181854,
-0.1285782903432846,
0.01366072241216898,
0.09404914081096649,
-0.054471440613269806,
0.06506826728582382,
0.07632502913475037,
-0.012326125055551529,
-0.019004015251994133,
0.05053479224443436,
-0.21186436712741852,
-0.05885961279273033,
0.07238664478063583,
0.07441306859254837,
-0.020584771409630775,
-0.044776495546102524,
-0.02073531597852707,
-0.06057758256793022,
0.255094051361084,
-0.13138994574546814,
-0.06608075648546219,
-0.15157674252986908,
-0.01749563403427601,
0.09957944601774216,
-0.08112383633852005,
0.03201016038656235,
-0.10009342432022095,
0.10285037010908127,
-0.05790454521775246,
-0.07397988438606262,
0.0835096538066864,
-0.0897742286324501,
-0.18141357600688934,
-0.07630693167448044,
0.11392036080360413,
0.03994780033826828,
0.03492690995335579,
0.05600401759147644,
0.006548137404024601,
0.0017511770129203796,
-0.12384956330060959,
0.034331317991018295,
0.04400468245148659,
0.09622199833393097,
0.1996060013771057,
-0.05608925223350525,
-0.20384740829467773,
-0.05595487728714943,
-0.020136088132858276,
0.03344098478555679,
0.28058546781539917,
-0.07442736625671387,
0.00009361884440295398,
0.123240627348423,
-0.11030407249927521,
-0.3115633726119995,
0.0953034833073616,
0.04767308756709099,
0.03159722685813904,
-0.1246732547879219,
-0.14073511958122253,
0.0947299599647522,
0.0957430824637413,
-0.05242137238383293,
0.09596498310565948,
-0.21038281917572021,
-0.13776922225952148,
0.07495948672294617,
0.0354720838367939,
-0.0028220603708177805,
-0.13914106786251068,
-0.09544920176267624,
-0.09073006361722946,
-0.21813572943210602,
0.15229769051074982,
-0.09552829712629318,
0.0683261901140213,
0.0016228293534368277,
0.017431054264307022,
0.022109152749180794,
-0.0829974040389061,
0.1981012523174286,
0.07047327607870102,
0.09146157652139664,
-0.0771871879696846,
-0.011073763482272625,
0.17869700491428375,
-0.03447309881448746,
0.13956287503242493,
-0.026081589981913567,
0.04957931861281395,
-0.14331725239753723,
0.012628773227334023,
-0.07418261468410492,
0.12597547471523285,
-0.08892020583152771,
-0.07037781924009323,
-0.14645980298519135,
0.04724320396780968,
0.009990528225898743,
0.032657191157341,
0.11333352327346802,
-0.0653199851512909,
0.032487690448760986,
0.24388690292835236,
0.09472355246543884,
0.07492733001708984,
0.0045804367400705814,
0.016944706439971924,
-0.07079824060201645,
0.05907744541764259,
-0.06917206943035126,
0.014648372307419777,
0.16126617789268494,
0.005742520559579134,
0.12589716911315918,
-0.008860211819410324,
-0.10908807814121246,
0.01847708970308304,
0.09059125930070877,
-0.12928339838981628,
0.0018069365760311484,
-0.025511056184768677,
0.031040575355291367,
-0.04028201848268509,
-0.05694926530122757,
0.1857159584760666,
-0.03960748016834259,
0.0393097810447216,
-0.014605305157601833,
0.0318525992333889,
-0.00981581024825573,
0.18130110204219818,
0.03434357792139053,
0.044934410601854324,
-0.0840924084186554,
0.10442537814378738,
0.08920475840568542,
-0.06739133596420288,
-0.004417044576257467,
0.04003370553255081,
-0.08140985667705536,
-0.05354852229356766,
0.08426042646169662,
0.06659548729658127,
-0.20364923775196075,
-0.08193005621433258,
-0.05626451596617699,
-0.10010530054569244,
0.02866663970053196,
0.21320170164108276,
0.03570541366934776,
0.057500217109918594,
0.1125091090798378,
-0.0722954124212265,
-0.03156009316444397,
0.06982765346765518,
0.0004714968672487885,
0.07483219355344772,
-0.05327557399868965,
0.08534935116767883,
-0.05447970703244209,
-0.019460035488009453,
0.01002059318125248,
0.04247234761714935,
-0.14221711456775665,
-0.00570045318454504,
-0.13510386645793915,
0.10685840249061584,
-0.04209090769290924,
-0.045048732310533524,
-0.028281589969992638,
-0.04127122834324837,
-0.050149086862802505,
0.010390338487923145,
-0.08957214653491974,
-0.036579109728336334,
-0.023144537582993507,
0.10737869143486023,
-0.17123819887638092,
-0.06948240101337433,
0.02855178527534008,
-0.053400252014398575,
0.08293283730745316,
0.02838197723031044,
-0.01365190465003252,
-0.01184963807463646,
-0.26322615146636963,
0.01436053216457367,
0.06966179609298706,
0.06261363625526428,
0.024305013939738274,
-0.02562752179801464,
0.02143901027739048,
0.033741969615221024,
-0.06462955474853516,
0.05359518527984619,
0.036359213292598724,
-0.09735490381717682,
-0.020490895956754684,
-0.025310905650258064,
-0.06969986855983734,
-0.028609400615096092,
0.12171786278486252,
0.09970425814390182,
-0.007973899133503437,
0.07523556798696518,
-0.05014381557703018,
0.06350579857826233,
-0.1247401237487793,
-0.0033048491459339857,
0.012608700431883335,
-0.06116832420229912,
-0.13011996448040009,
-0.012336153537034988,
0.08832134306430817,
-0.05369279533624649,
0.12228703498840332,
-0.0269483532756567,
-0.047959450632333755,
0.009602497331798077,
0.026381738483905792,
0.056164998561143875,
0.07020068913698196,
0.10631503164768219,
0.01642001047730446,
0.00863683968782425,
0.025406038388609886,
-0.03219463303685188,
0.04126822203397751,
-0.036533936858177185,
0.21618883311748505,
0.12458731979131699,
0.16598890721797943,
0.0692850723862648,
0.17285317182540894,
-0.15275682508945465,
0.030835559591650963,
0.0016935059102252126,
-0.04839169979095459,
0.1351766437292099,
-0.03889359161257744,
-0.010714735835790634,
0.10033734887838364,
-0.1712495982646942,
-0.009306340478360653,
-0.055240701884031296,
-0.04986726865172386,
-0.06548269093036652,
-0.12313158065080643,
-0.11608774960041046,
-0.007200498599559069,
0.03157778084278107,
-0.12548108398914337,
0.019705699756741524,
0.04266614466905594,
0.03992229700088501,
-0.03694028779864311,
0.08428395539522171,
-0.06613299250602722,
-0.07046452909708023,
0.09761139005422592,
0.02711370959877968,
0.03872356563806534,
-0.03374871611595154,
-0.04989165440201759,
0.04564972594380379,
0.02558288164436817,
0.04809913784265518,
0.06775497645139694,
0.08660336583852768,
0.021421058103442192,
-0.0009167709504254162,
-0.05853140726685524,
0.006466039456427097,
0.0036668116226792336,
0.05411134287714958,
0.13013136386871338,
0.01493704691529274,
0.08411410450935364,
0.0269637331366539,
0.01729828119277954,
-0.0008679102174937725,
-0.042986027896404266,
-0.07433553040027618,
0.09613675624132156,
-0.07417555153369904,
0.06869331002235413,
0.024456877261400223,
-0.06907551735639572,
0.025386041030287743,
0.11584896594285965,
0.19026733934879303,
-0.042544711381196976,
0.019485777243971825,
0.003891691565513611,
0.003498433856293559,
-0.04452792555093765,
0.0753280520439148,
-0.04458681121468544,
0.17718926072120667,
-0.03175114467740059,
-0.012699713930487633,
-0.002352207899093628,
-0.008299734443426132,
-0.043365735560655594,
0.007898273877799511,
-0.02329002134501934,
-0.07557161897420883,
-0.06322929263114929,
0.12793058156967163,
-0.0807121992111206,
0.006000725086778402,
0.13419580459594727,
-0.10833818465471268,
-0.12425040453672409,
-0.012525718659162521,
-0.010357741266489029,
0.028881773352622986,
0.02441324293613434,
-0.0914742574095726,
-0.044196717441082,
0.0642092302441597,
-0.05202455446124077,
-0.08856958150863647,
-0.09415105730295181,
-0.009310918860137463,
-0.08120360970497131,
0.27616211771965027,
0.010738709010183811,
0.1422521471977234,
0.11645781993865967,
-0.013862897641956806,
-0.1190665140748024,
0.02681245468556881,
0.12421060353517532,
-0.09048492461442947,
0.024538246914744377,
0.047289375215768814,
-0.05329218879342079,
0.2029198408126831,
0.08146794885396957,
0.010428383946418762,
0.05226541683077812,
0.08546725660562515,
0.017122907564044,
-0.10462069511413574,
0.005157822743058205,
-0.13890741765499115,
0.11279723793268204,
0.13134801387786865,
-0.051997192203998566,
-0.0246747974306345,
-0.013853313401341438,
0.06295061111450195,
0.05853359401226044,
0.030939288437366486,
0.010561570525169373,
-0.15706773102283478,
0.07679180055856705,
0.014643357135355473,
0.1176367998123169,
-0.18199177086353302,
0.002117364201694727,
-0.007498013786971569,
0.0017145719612017274,
-0.05697594955563545,
0.12358566373586655,
0.008727486245334148,
-0.024823207408189774,
-0.029635794460773468,
-0.1901233047246933,
-0.009366310201585293,
0.08270274102687836,
-0.025463849306106567,
-0.12321682274341583
] |
e92d4976a315449c947645576bc5343043604c29 |
# Dataset of suffren/シュフラン/絮弗伦 (Azur Lane)
This is the dataset of suffren/シュフラン/絮弗伦 (Azur Lane), containing 25 images and their tags.
The core tags of this character are `long_hair, breasts, bangs, horns, blue_eyes, large_breasts, white_hair, very_long_hair, fang, grey_hair, twintails, two_side_up`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 25 | 41.94 MiB | [Download](https://huggingface.co/datasets/CyberHarem/suffren_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 25 | 23.00 MiB | [Download](https://huggingface.co/datasets/CyberHarem/suffren_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 64 | 49.45 MiB | [Download](https://huggingface.co/datasets/CyberHarem/suffren_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 25 | 36.09 MiB | [Download](https://huggingface.co/datasets/CyberHarem/suffren_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 64 | 71.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/suffren_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/suffren_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 8 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, open_mouth, solo, smile, blush, gloves, arm_up, holding, thighhighs, white_dress, armored_boots, gauntlets, grey_eyes, hair_ornament, see-through, shoulder_armor, simple_background, tail, thighs, white_background |
| 1 | 13 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, solo, blush, open_mouth, long_sleeves, looking_at_viewer, navel, hoodie, pleated_skirt, miniskirt, blue_skirt, cleavage, hair_ribbon, hood_down, stomach, ahoge, belt, black_bikini, black_thighhighs, hair_bow, thighs, underwear |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | open_mouth | solo | smile | blush | gloves | arm_up | holding | thighhighs | white_dress | armored_boots | gauntlets | grey_eyes | hair_ornament | see-through | shoulder_armor | simple_background | tail | thighs | white_background | long_sleeves | navel | hoodie | pleated_skirt | miniskirt | blue_skirt | cleavage | hair_ribbon | hood_down | stomach | ahoge | belt | black_bikini | black_thighhighs | hair_bow | underwear |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------------|:-------|:--------|:--------|:---------|:---------|:----------|:-------------|:--------------|:----------------|:------------|:------------|:----------------|:--------------|:-----------------|:--------------------|:-------|:---------|:-------------------|:---------------|:--------|:---------|:----------------|:------------|:-------------|:-----------|:--------------|:------------|:----------|:--------|:-------|:---------------|:-------------------|:-----------|:------------|
| 0 | 8 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | |
| 1 | 13 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | X | | X | | | | | | | | | | | | | | X | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/suffren_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T12:43:21+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T12:49:02+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of suffren/シュフラン/絮弗伦 (Azur Lane)
========================================
This is the dataset of suffren/シュフラン/絮弗伦 (Azur Lane), containing 25 images and their tags.
The core tags of this character are 'long\_hair, breasts, bangs, horns, blue\_eyes, large\_breasts, white\_hair, very\_long\_hair, fang, grey\_hair, twintails, two\_side\_up', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
d03648b950969217a6f31e81f01a4702f1e5a9bd |
# Dataset Card for Visual Genome Annotations in German language
This dataset contains captions that were machine translated using [opus-mt-en-de](https://huggingface.co/Helsinki-NLP/opus-mt-en-de).
## Dataset Details
### Dataset Description
- **Curated by:** {{ curators | default("[More Information Needed]", true)}}
- **Language(s) (NLP):** {{ language | default("[More Information Needed]", true)}}
- **License:** {{ license | default("[More Information Needed]", true)}}
### Dataset Sources
The processed [Visual Genome](https://homes.cs.washington.edu/~ranjay/visualgenome/index.html) captions in this repo are based on the following sources:
* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/visual_genome/vg_caption.json)
Visual Genome:
- **Download:** https://homes.cs.washington.edu/~ranjay/visualgenome/index.html
- **Paper:** https://link.springer.com/article/10.1007/s11263-016-0981-7
## Dataset Creation
This dataset was generated by processing the annotations via [opus-mt-en-de](https://huggingface.co/Helsinki-NLP/opus-mt-en-de).
| Jotschi/visual_genome-opus-de | [
"task_categories:text-generation",
"task_categories:image-to-text",
"task_categories:text-to-image",
"annotations_creators:machine-generated",
"size_categories:n<820k",
"source_datasets:visual_genome",
"language:de",
"visual_genome",
"german",
"region:us"
] | 2024-01-14T12:54:49+00:00 | {"annotations_creators": ["machine-generated"], "language": ["de"], "size_categories": ["n<820k"], "source_datasets": ["visual_genome"], "task_categories": ["text-generation", "image-to-text", "text-to-image"], "pretty_name": "Visual Genome in german", "license_name": "cc-by-4.0", "license_link": "https://creativecommons.org/licenses/by/4.0/legalcode", "tags": ["visual_genome", "german"]} | 2024-01-14T13:03:37+00:00 | [] | [
"de"
] | TAGS
#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<820k #source_datasets-visual_genome #language-German #visual_genome #german #region-us
|
# Dataset Card for Visual Genome Annotations in German language
This dataset contains captions that were machine translated using opus-mt-en-de.
## Dataset Details
### Dataset Description
- Curated by: {{ curators | default("", true)}}
- Language(s) (NLP): {{ language | default("", true)}}
- License: {{ license | default("", true)}}
### Dataset Sources
The processed Visual Genome captions in this repo are based on the following sources:
* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL
Visual Genome:
- Download: URL
- Paper: URL
## Dataset Creation
This dataset was generated by processing the annotations via opus-mt-en-de.
| [
"# Dataset Card for Visual Genome Annotations in German language\n\nThis dataset contains captions that were machine translated using opus-mt-en-de.",
"## Dataset Details",
"### Dataset Description\n\n- Curated by: {{ curators | default(\"\", true)}}\n- Language(s) (NLP): {{ language | default(\"\", true)}}\n- License: {{ license | default(\"\", true)}}",
"### Dataset Sources\n\nThe processed Visual Genome captions in this repo are based on the following sources:\n\n* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL\n\nVisual Genome:\n\n- Download: URL\n- Paper: URL",
"## Dataset Creation\n\nThis dataset was generated by processing the annotations via opus-mt-en-de."
] | [
"TAGS\n#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<820k #source_datasets-visual_genome #language-German #visual_genome #german #region-us \n",
"# Dataset Card for Visual Genome Annotations in German language\n\nThis dataset contains captions that were machine translated using opus-mt-en-de.",
"## Dataset Details",
"### Dataset Description\n\n- Curated by: {{ curators | default(\"\", true)}}\n- Language(s) (NLP): {{ language | default(\"\", true)}}\n- License: {{ license | default(\"\", true)}}",
"### Dataset Sources\n\nThe processed Visual Genome captions in this repo are based on the following sources:\n\n* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL\n\nVisual Genome:\n\n- Download: URL\n- Paper: URL",
"## Dataset Creation\n\nThis dataset was generated by processing the annotations via opus-mt-en-de."
] | [
90,
37,
4,
56,
66,
28
] | [
"passage: TAGS\n#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<820k #source_datasets-visual_genome #language-German #visual_genome #german #region-us \n# Dataset Card for Visual Genome Annotations in German language\n\nThis dataset contains captions that were machine translated using opus-mt-en-de.## Dataset Details### Dataset Description\n\n- Curated by: {{ curators | default(\"\", true)}}\n- Language(s) (NLP): {{ language | default(\"\", true)}}\n- License: {{ license | default(\"\", true)}}### Dataset Sources\n\nThe processed Visual Genome captions in this repo are based on the following sources:\n\n* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL\n\nVisual Genome:\n\n- Download: URL\n- Paper: URL## Dataset Creation\n\nThis dataset was generated by processing the annotations via opus-mt-en-de."
] | [
-0.05904121324419975,
0.19555824995040894,
-0.004060669336467981,
0.047283247113227844,
0.046235352754592896,
0.039907000958919525,
0.09160281717777252,
0.11331509798765182,
0.11866005510091782,
0.10189599543809891,
0.03838857263326645,
0.08994657546281815,
0.08093401044607162,
0.1384402960538864,
-0.0040672896429896355,
-0.10681935399770737,
0.03563997149467468,
-0.015288901515305042,
0.01813950575888157,
0.05098453536629677,
0.0901973694562912,
-0.057393673807382584,
0.08180878311395645,
-0.053168509155511856,
-0.1075073629617691,
0.07690297067165375,
0.04336218163371086,
0.0272607933729887,
0.09109459817409515,
0.1102735847234726,
-0.0007320830482058227,
-0.01722903363406658,
0.00030405030702240765,
-0.11196434497833252,
-0.002327884314581752,
0.006275976076722145,
-0.02887832559645176,
0.05549968406558037,
0.14067137241363525,
-0.001104231458157301,
0.08089189976453781,
-0.12236867845058441,
-0.08184140920639038,
0.06265459209680557,
-0.05589425936341286,
-0.10992277413606644,
-0.0646035373210907,
0.06512362509965897,
0.003912267275154591,
0.06535027921199799,
-0.05726539343595505,
-0.00402858667075634,
-0.005530024878680706,
0.06094985455274582,
0.10464754700660706,
-0.06247851625084877,
-0.03335033729672432,
0.17536966502666473,
-0.0410928800702095,
0.07878738641738892,
-0.0745372623205185,
0.04679477959871292,
0.028095299378037453,
0.003291353117674589,
-0.027095770463347435,
-0.13113853335380554,
-0.06483755260705948,
-0.082073874771595,
-0.0543799065053463,
-0.08756732195615768,
0.27451345324516296,
0.018842384219169617,
-0.028699884191155434,
-0.12647251784801483,
-0.06442232429981232,
0.01548675261437893,
0.00025697884848341346,
0.02154776267707348,
-0.04759523645043373,
-0.027300981804728508,
0.09364788979291916,
-0.09763012826442719,
-0.061197854578495026,
-0.024063441902399063,
-0.00046454553375951946,
0.14120469987392426,
-0.028318611904978752,
-0.003167948452755809,
0.008842607960104942,
0.06592889130115509,
-0.1273755133152008,
-0.12583056092262268,
-0.019110849127173424,
-0.037452541291713715,
-0.10791122913360596,
-0.016936909407377243,
-0.03241061791777611,
-0.08852192014455795,
0.09585943818092346,
0.0673733577132225,
-0.07076220959424973,
0.02338874340057373,
-0.13339993357658386,
0.04948422312736511,
0.06920627504587173,
0.036282770335674286,
-0.10566882789134979,
-0.07577505707740784,
0.04896712675690651,
-0.059808723628520966,
0.014631632715463638,
0.03550054877996445,
-0.08379705995321274,
-0.09063027799129486,
-0.06471187621355057,
0.06268856674432755,
-0.007817532867193222,
0.014302602037787437,
-0.059202320873737335,
-0.05243692174553871,
0.056795548647642136,
-0.10359469801187515,
0.006158084142953157,
0.06221720203757286,
-0.07143082469701767,
0.043103985488414764,
-0.049022380262613297,
-0.07348407804965973,
-0.11589774489402771,
-0.031755514442920685,
-0.07300075888633728,
-0.01737603358924389,
-0.0886787623167038,
-0.16589388251304626,
0.0400816909968853,
0.01642945036292076,
0.0031239623203873634,
-0.07535248249769211,
-0.12202239781618118,
-0.05592608451843262,
0.029749659821391106,
-0.01925356686115265,
0.03080325946211815,
0.032514169812202454,
-0.030915116891264915,
0.06697487831115723,
-0.015788350254297256,
-0.01993284747004509,
-0.02701832912862301,
0.017102541401982307,
-0.10621532052755356,
0.09710367769002914,
-0.10102242231369019,
0.03410943225026131,
-0.14825332164764404,
0.009843757376074791,
-0.21161727607250214,
0.03957828879356384,
-0.14645959436893463,
-0.03656332567334175,
-0.13624970614910126,
-0.0043405513279139996,
0.0603579618036747,
0.00031628881697542965,
0.03716203570365906,
0.0943223088979721,
-0.12730608880519867,
-0.019626745954155922,
0.18206660449504852,
-0.0662413239479065,
-0.020566418766975403,
0.11434544622898102,
0.002969086868688464,
0.05073930323123932,
0.051097024232149124,
0.14526665210723877,
0.14578334987163544,
0.00001807359149097465,
-0.07448718696832657,
0.017774173989892006,
0.036625880748033524,
0.09267344325780869,
0.06677111983299255,
-0.04330846294760704,
-0.04456939920783043,
0.02388896979391575,
0.011501595377922058,
-0.01256368588656187,
0.0006630916614085436,
-0.03992042690515518,
-0.02043294347822666,
0.00009465844777878374,
0.006391002330929041,
-0.005023943725973368,
-0.047357719391584396,
-0.005198718048632145,
0.020344460383057594,
-0.04812564700841904,
0.09021595865488052,
-0.07565313577651978,
-0.02294386364519596,
0.053491588681936264,
-0.00019499794871080667,
-0.047234222292900085,
0.06358841061592102,
-0.12663958966732025,
-0.11779017001390457,
0.10116324573755264,
-0.18524044752120972,
0.10526672750711441,
0.049858208745718,
0.008781181648373604,
0.02322443015873432,
-0.04227137193083763,
-0.021433575078845024,
-0.05646231770515442,
-0.08487933874130249,
0.019602108746767044,
-0.18476282060146332,
-0.008974719792604446,
-0.013883561827242374,
0.05962817370891571,
-0.13739211857318878,
-0.03748233988881111,
0.053077418357133865,
0.11080988496541977,
0.037774428725242615,
-0.03855966776609421,
0.04664473980665207,
0.036194536834955215,
-0.10184887796640396,
-0.013054083101451397,
-0.02700900286436081,
-0.07926013320684433,
0.013217952102422714,
0.08633308112621307,
-0.05888606235384941,
-0.029852576553821564,
0.09848953783512115,
-0.026740659028291702,
-0.04162539169192314,
-0.022800132632255554,
-0.0366002693772316,
-0.016572212800383568,
-0.10062410682439804,
-0.17712950706481934,
0.02955416589975357,
-0.021748097613453865,
0.03257598355412483,
-0.0781414732336998,
-0.016780585050582886,
0.03208555281162262,
0.017662186175584793,
-0.06277855485677719,
0.15906132757663727,
0.1548984795808792,
-0.22715967893600464,
0.16898123919963837,
0.0365186408162117,
-0.03024233505129814,
0.27461737394332886,
0.06063561514019966,
-0.09782879054546356,
0.004828791134059429,
0.08902296423912048,
0.01021997258067131,
0.15428785979747772,
-0.13453687727451324,
0.028306394815444946,
0.0750398188829422,
-0.01296302117407322,
0.014661832712590694,
-0.05539553612470627,
0.02220051735639572,
-0.043245792388916016,
-0.06818054616451263,
0.100387342274189,
0.014277235604822636,
0.017237141728401184,
0.15946701169013977,
-0.037957217544317245,
-0.0015035567339509726,
-0.007709545083343983,
-0.06064624339342117,
-0.12764891982078552,
0.16925352811813354,
-0.08971820026636124,
-0.3308681547641754,
-0.1763780415058136,
-0.006996696814894676,
-0.21216316521167755,
0.053309570997953415,
-0.0028951677959412336,
0.0006997255841270089,
-0.10857033729553223,
-0.06789737194776535,
0.1491665095090866,
0.004437146242707968,
-0.08198206126689911,
-0.1373881846666336,
0.03364836797118187,
0.04037515074014664,
-0.1050511971116066,
0.013366509228944778,
0.038978543132543564,
-0.03182607144117355,
0.043383143842220306,
0.03585146740078926,
0.15169157087802887,
0.020600225776433945,
-0.024538321420550346,
-0.025733333081007004,
-0.030454909428954124,
0.21172744035720825,
-0.11323092132806778,
0.08975178748369217,
0.13453419506549835,
0.013805286027491093,
0.011548066511750221,
0.17573711276054382,
0.044626761227846146,
-0.06076904386281967,
0.018131360411643982,
0.056121017783880234,
-0.06767818331718445,
-0.20276062190532684,
-0.13644707202911377,
-0.10309499502182007,
0.0685587227344513,
0.1619412899017334,
0.01804451458156109,
0.07321617752313614,
0.06376765668392181,
-0.1359293907880783,
0.1296088993549347,
0.006686421576887369,
0.04823673143982887,
0.0595070943236351,
0.01667199470102787,
0.03038838692009449,
-0.02103308215737343,
-0.01961137354373932,
0.1130116879940033,
0.15064644813537598,
0.10701683163642883,
0.023023268207907677,
0.2013930231332779,
-0.01973925717175007,
0.026055844500660896,
0.008261026814579964,
0.12419524788856506,
0.02738843858242035,
0.010596184991300106,
-0.001099579269066453,
-0.11270671337842941,
-0.015564334578812122,
0.10142938047647476,
0.03530849143862724,
-0.012679371051490307,
0.03592519089579582,
-0.05570657178759575,
0.08160588890314102,
0.03711490333080292,
0.11130576580762863,
-0.10969386994838715,
-0.018655937165021896,
0.049658384174108505,
0.021375298500061035,
-0.11693734675645828,
0.035442013293504715,
0.20329593122005463,
-0.08436942100524902,
0.035938262939453125,
-0.006001278758049011,
0.11441722512245178,
-0.09718054533004761,
-0.016657313331961632,
-0.07566467672586441,
0.037710439413785934,
-0.046716347336769104,
0.12078533321619034,
-0.28740376234054565,
0.18183520436286926,
0.050102125853300095,
-0.01230057142674923,
-0.1453363299369812,
0.0262902844697237,
0.03319268301129341,
-0.0619242824614048,
0.18362846970558167,
0.029976392164826393,
-0.07431798428297043,
-0.12679754197597504,
-0.07965202629566193,
-0.03195812180638313,
0.06284350901842117,
-0.09366491436958313,
0.056930139660835266,
0.06626046448945999,
-0.0018865090096369386,
-0.06925826519727707,
0.1283199042081833,
-0.14040936529636383,
-0.10356715321540833,
0.047785498201847076,
0.061933208256959915,
0.04308854416012764,
0.0290598813444376,
0.03515990078449249,
-0.089166060090065,
0.20150531828403473,
-0.0971904993057251,
-0.07045804709196091,
-0.17834952473640442,
0.0951429232954979,
0.08112441748380661,
-0.07965431362390518,
0.01507879514247179,
-0.0032843269873410463,
0.159796804189682,
-0.07852597534656525,
-0.15888293087482452,
0.09057249873876572,
-0.11477409303188324,
-0.10276473313570023,
-0.08486288785934448,
0.11561626940965652,
0.028798960149288177,
0.06790030002593994,
0.02517160400748253,
-0.0159594789147377,
0.06019395589828491,
-0.13744156062602997,
0.1277976632118225,
-0.00045778165804222226,
-0.05955328047275543,
0.2082173079252243,
-0.11901919543743134,
-0.22572168707847595,
-0.017544277012348175,
-0.02353990636765957,
0.10709778219461441,
0.15010935068130493,
-0.023033037781715393,
-0.014515130780637264,
0.14032307267189026,
-0.11664342880249023,
-0.3335992693901062,
0.10676917433738708,
0.03631773963570595,
0.03839971125125885,
-0.029555778950452805,
-0.2963796854019165,
0.13821271061897278,
0.14280079305171967,
-0.009504969231784344,
0.15688616037368774,
-0.21269264817237854,
-0.11995051801204681,
0.01620475947856903,
0.1115383580327034,
-0.028838375583291054,
-0.0743037611246109,
-0.06293526291847229,
-0.08938144892454147,
-0.1210450828075409,
0.15508805215358734,
-0.045793768018484116,
0.06422235816717148,
0.019965045154094696,
0.07692039757966995,
0.02438761480152607,
-0.0551578551530838,
0.12885227799415588,
0.10008525103330612,
0.07979074120521545,
-0.012138948775827885,
0.03915752097964287,
0.14280448853969574,
0.043588101863861084,
0.14832109212875366,
0.00560784712433815,
0.006715049501508474,
-0.15460087358951569,
0.013820494525134563,
-0.10667863488197327,
0.1401250660419464,
-0.05641034618020058,
-0.13901235163211823,
-0.1127525195479393,
0.06644825637340546,
0.07955991476774216,
0.03903825581073761,
0.10509991645812988,
-0.04945266619324684,
0.004714536480605602,
0.18122291564941406,
0.09872245043516159,
0.10243654996156693,
-0.058086127042770386,
-0.0019298398401588202,
-0.019954528659582138,
0.0893421322107315,
-0.007016523275524378,
0.0974939614534378,
0.1409856081008911,
0.03413565084338188,
0.12850655615329742,
-0.026751507073640823,
-0.04316742718219757,
0.03670785576105118,
0.050131671130657196,
-0.15309230983257294,
-0.07494528591632843,
-0.07942134141921997,
0.02070586197078228,
0.035538557916879654,
-0.023774312809109688,
0.1993018239736557,
-0.04672593995928764,
0.009957042522728443,
-0.02124025858938694,
0.05165558680891991,
0.02893434464931488,
0.17895476520061493,
-0.030702972784638405,
0.05361440032720566,
-0.11866363883018494,
0.06642879545688629,
0.06777549535036087,
-0.1328250765800476,
0.04067814350128174,
0.08262479305267334,
-0.06409711390733719,
-0.04585609585046768,
-0.012921669520437717,
0.011809330433607101,
-0.15255799889564514,
-0.04615958780050278,
-0.027407439425587654,
-0.09050164371728897,
0.013639422133564949,
0.13657920062541962,
0.02338133193552494,
-0.0039627645164728165,
0.04588323459029198,
-0.07431881874799728,
-0.07456561923027039,
0.10075344890356064,
-0.10148073732852936,
0.081700898706913,
-0.010640553198754787,
0.04496900364756584,
-0.0725359097123146,
-0.04832187294960022,
-0.04085412248969078,
0.010046200826764107,
-0.14062218368053436,
-0.026153096929192543,
-0.08755437284708023,
0.05429702252149582,
-0.06981556862592697,
-0.04333643987774849,
-0.03510624170303345,
0.018843863159418106,
-0.03552580997347832,
0.028746681287884712,
-0.10002422332763672,
-0.05154644697904587,
-0.023487931117415428,
0.0945236012339592,
-0.0938698872923851,
0.00035668068449012935,
-0.0009441444999538362,
-0.03458702191710472,
0.10891102254390717,
0.004206774290651083,
-0.034617967903614044,
-0.0040687075816094875,
-0.17251715064048767,
-0.0009929676307365298,
0.059433940798044205,
0.10245352983474731,
0.01823691837489605,
-0.048734452575445175,
0.018602872267365456,
0.03497055172920227,
-0.06984225660562515,
0.0008715035510249436,
-0.0823957622051239,
-0.08579733222723007,
0.04629215598106384,
-0.06481631100177765,
-0.027866443619132042,
-0.027912111952900887,
0.1255229413509369,
0.07363889366388321,
-0.06379466503858566,
0.036850184202194214,
-0.037864476442337036,
0.04063006490468979,
-0.11471503973007202,
0.012718373909592628,
0.045141007751226425,
-0.11467744410037994,
-0.10408351570367813,
0.028882645070552826,
0.06917395442724228,
-0.040803100913763046,
0.2422400712966919,
0.09735255688428879,
-0.016390284523367882,
0.011070137843489647,
-0.0036982172168791294,
0.023946300148963928,
0.033014193177223206,
0.15710636973381042,
0.0037212606985121965,
0.0046656071208417416,
-0.011338567361235619,
0.019511887803673744,
0.040569331496953964,
0.17999759316444397,
0.18029174208641052,
0.09066587686538696,
0.14231498539447784,
0.000998999341391027,
0.09666057676076889,
-0.12744462490081787,
-0.1015811488032341,
-0.007646813523024321,
0.03269778937101364,
0.15775606036186218,
-0.03019711747765541,
-0.04871340095996857,
0.09800358861684799,
-0.16245493292808533,
0.11367233097553253,
-0.002429646672680974,
-0.026162046939134598,
-0.02428814396262169,
-0.26621508598327637,
-0.09673105180263519,
-0.0478845089673996,
-0.0015657363692298532,
-0.19578269124031067,
0.04462696984410286,
0.034125544130802155,
0.05286847800016403,
-0.05936725065112114,
0.13752718269824982,
-0.108481764793396,
-0.13098514080047607,
0.09757254272699356,
0.0339992381632328,
0.02025074139237404,
-0.03646695241332054,
-0.05270206555724144,
0.052683815360069275,
0.006916687823832035,
0.0531911626458168,
0.023526301607489586,
0.056246478110551834,
-0.052903953939676285,
-0.06097477674484253,
-0.014141547493636608,
-0.02006630040705204,
-0.06290210783481598,
-0.040389057248830795,
0.12598302960395813,
0.025347519665956497,
-0.017459355294704437,
-0.024668199941515923,
0.04004169628024101,
-0.02548634633421898,
0.026051055639982224,
-0.07101047784090042,
0.12378862500190735,
-0.01542074978351593,
0.1112406849861145,
-0.002609851071611047,
-0.06935608386993408,
0.010673817247152328,
0.14566685259342194,
0.121754951775074,
-0.012511900626122952,
-0.016524599865078926,
0.0019534179009497166,
-0.004864994902163744,
0.018707746639847755,
0.12307922542095184,
-0.012277492322027683,
0.2992130517959595,
0.021800585091114044,
0.0036773814354091883,
-0.0006680588121525943,
-0.02183075249195099,
-0.044945746660232544,
0.06430346518754959,
0.04386013746261597,
-0.0810391753911972,
-0.07410946488380432,
0.08741983771324158,
-0.09335541725158691,
-0.10749784857034683,
0.023000607267022133,
-0.06843714416027069,
-0.07777361571788788,
-0.05473855510354042,
-0.01773877814412117,
0.08833520114421844,
-0.014635766856372356,
-0.050010453909635544,
0.03137146681547165,
0.04976971819996834,
-0.012037884443998337,
-0.07558994740247726,
-0.09759972244501114,
-0.0478152371942997,
-0.15145589411258698,
0.2132798433303833,
-0.0024634322617202997,
0.033652350306510925,
0.07629382610321045,
-0.06777160614728928,
-0.08896186202764511,
0.037858542054891586,
0.08146785199642181,
-0.10743510723114014,
0.02271292544901371,
0.23234884440898895,
-0.0008593368111178279,
0.26727986335754395,
0.056755080819129944,
-0.002902052365243435,
-0.0018844685982912779,
0.14633908867835999,
-0.0005127082695253193,
-0.06202632933855057,
0.036592625081539154,
-0.12338769435882568,
0.10610971599817276,
0.20896095037460327,
-0.0030085782054811716,
-0.01896698959171772,
-0.08991701155900955,
0.07858631014823914,
0.014095060527324677,
0.10358382761478424,
-0.017690351232886314,
-0.18081769347190857,
-0.0016717052785679698,
-0.04482192173600197,
0.0012645937968045473,
-0.13392290472984314,
-0.021834615617990494,
-0.016615871340036392,
-0.00082963309250772,
-0.09447410702705383,
0.06982116401195526,
0.05891464650630951,
-0.01460327673703432,
-0.004670360591262579,
-0.22799792885780334,
0.010567639023065567,
0.07752358913421631,
-0.013056333176791668,
-0.09379652142524719
] |
3851c84dbc1397b8a30e27f098f4a019722b2cd9 |
# Dataset of vincennes/ヴィンセンス/文森斯 (Azur Lane)
This is the dataset of vincennes/ヴィンセンス/文森斯 (Azur Lane), containing 17 images and their tags.
The core tags of this character are `blue_eyes, long_hair, blue_hair, bangs, twintails, hair_ornament, breasts, sidelocks, very_long_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:--------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 17 | 11.71 MiB | [Download](https://huggingface.co/datasets/CyberHarem/vincennes_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 17 | 9.61 MiB | [Download](https://huggingface.co/datasets/CyberHarem/vincennes_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 28 | 15.94 MiB | [Download](https://huggingface.co/datasets/CyberHarem/vincennes_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 17 | 11.62 MiB | [Download](https://huggingface.co/datasets/CyberHarem/vincennes_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 28 | 18.94 MiB | [Download](https://huggingface.co/datasets/CyberHarem/vincennes_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/vincennes_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 17 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | blush, 1girl, looking_at_viewer, solo, white_background, full_body, long_sleeves, skirt, black_jacket, black_thighhighs, simple_background, closed_mouth |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | blush | 1girl | looking_at_viewer | solo | white_background | full_body | long_sleeves | skirt | black_jacket | black_thighhighs | simple_background | closed_mouth |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------|:--------------------|:-------|:-------------------|:------------|:---------------|:--------|:---------------|:-------------------|:--------------------|:---------------|
| 0 | 17 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/vincennes_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T13:02:18+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T13:05:55+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of vincennes/ヴィンセンス/文森斯 (Azur Lane)
===========================================
This is the dataset of vincennes/ヴィンセンス/文森斯 (Azur Lane), containing 17 images and their tags.
The core tags of this character are 'blue\_eyes, long\_hair, blue\_hair, bangs, twintails, hair\_ornament, breasts, sidelocks, very\_long\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
38fb5e6ffbcfbe3ae0a54a1d6ae801e9cdc397c0 |
# Dataset of u_73/U-73 (Azur Lane)
This is the dataset of u_73/U-73 (Azur Lane), containing 15 images and their tags.
The core tags of this character are `long_hair, red_eyes, black_hair, breasts, bangs, hat, very_long_hair, one_side_up`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:---------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 15 | 14.37 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_73_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 15 | 11.97 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_73_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 31 | 20.31 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_73_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 15 | 13.95 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_73_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 31 | 22.72 MiB | [Download](https://huggingface.co/datasets/CyberHarem/u_73_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/u_73_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------------|
| 0 | 15 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, smile, 1girl, blush, solo, jacket, navel, swimsuit, black_thighhighs, fingerless_gloves, holding, skirt |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | smile | 1girl | blush | solo | jacket | navel | swimsuit | black_thighhighs | fingerless_gloves | holding | skirt |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:--------|:--------|:--------|:-------|:---------|:--------|:-----------|:-------------------|:--------------------|:----------|:--------|
| 0 | 15 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/u_73_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T13:02:20+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T13:06:07+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of u\_73/U-73 (Azur Lane)
=================================
This is the dataset of u\_73/U-73 (Azur Lane), containing 15 images and their tags.
The core tags of this character are 'long\_hair, red\_eyes, black\_hair, breasts, bangs, hat, very\_long\_hair, one\_side\_up', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
cc327c8c9494d7ba7bfdf3a90ea79661b3e6d2ca |
# Dataset Card for Evaluation run of AI-B/UTENA-7B-V3
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [AI-B/UTENA-7B-V3](https://huggingface.co/AI-B/UTENA-7B-V3) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 2 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_AI-B__UTENA-7B-V3",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T13:18:55.824915](https://huggingface.co/datasets/open-llm-leaderboard/details_AI-B__UTENA-7B-V3/blob/main/results_2024-01-14T13-18-55.824915.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.647960372928455,
"acc_stderr": 0.03225433281918251,
"acc_norm": 0.6510088264996041,
"acc_norm_stderr": 0.03289983967691888,
"mc1": 0.3708690330477356,
"mc1_stderr": 0.016909693580248818,
"mc2": 0.5364232527046322,
"mc2_stderr": 0.01504213226474297
},
"harness|arc:challenge|25": {
"acc": 0.6271331058020477,
"acc_stderr": 0.014131176760131167,
"acc_norm": 0.659556313993174,
"acc_norm_stderr": 0.013847460518892978
},
"harness|hellaswag|10": {
"acc": 0.6607249551882095,
"acc_stderr": 0.0047249566658799725,
"acc_norm": 0.8570005974905397,
"acc_norm_stderr": 0.0034935679140932906
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.34,
"acc_stderr": 0.047609522856952365,
"acc_norm": 0.34,
"acc_norm_stderr": 0.047609522856952365
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6222222222222222,
"acc_stderr": 0.04188307537595852,
"acc_norm": 0.6222222222222222,
"acc_norm_stderr": 0.04188307537595852
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.6842105263157895,
"acc_stderr": 0.0378272898086547,
"acc_norm": 0.6842105263157895,
"acc_norm_stderr": 0.0378272898086547
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.62,
"acc_stderr": 0.048783173121456316,
"acc_norm": 0.62,
"acc_norm_stderr": 0.048783173121456316
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.7018867924528301,
"acc_stderr": 0.02815283794249386,
"acc_norm": 0.7018867924528301,
"acc_norm_stderr": 0.02815283794249386
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7361111111111112,
"acc_stderr": 0.03685651095897532,
"acc_norm": 0.7361111111111112,
"acc_norm_stderr": 0.03685651095897532
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.45,
"acc_stderr": 0.05,
"acc_norm": 0.45,
"acc_norm_stderr": 0.05
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.52,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.52,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.36,
"acc_stderr": 0.04824181513244218,
"acc_norm": 0.36,
"acc_norm_stderr": 0.04824181513244218
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6589595375722543,
"acc_stderr": 0.03614665424180826,
"acc_norm": 0.6589595375722543,
"acc_norm_stderr": 0.03614665424180826
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.4215686274509804,
"acc_stderr": 0.04913595201274498,
"acc_norm": 0.4215686274509804,
"acc_norm_stderr": 0.04913595201274498
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.77,
"acc_stderr": 0.042295258468165065,
"acc_norm": 0.77,
"acc_norm_stderr": 0.042295258468165065
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.574468085106383,
"acc_stderr": 0.03232146916224468,
"acc_norm": 0.574468085106383,
"acc_norm_stderr": 0.03232146916224468
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.4824561403508772,
"acc_stderr": 0.04700708033551038,
"acc_norm": 0.4824561403508772,
"acc_norm_stderr": 0.04700708033551038
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5517241379310345,
"acc_stderr": 0.04144311810878152,
"acc_norm": 0.5517241379310345,
"acc_norm_stderr": 0.04144311810878152
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.42328042328042326,
"acc_stderr": 0.025446365634406786,
"acc_norm": 0.42328042328042326,
"acc_norm_stderr": 0.025446365634406786
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.4603174603174603,
"acc_stderr": 0.04458029125470973,
"acc_norm": 0.4603174603174603,
"acc_norm_stderr": 0.04458029125470973
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.42,
"acc_stderr": 0.049604496374885836,
"acc_norm": 0.42,
"acc_norm_stderr": 0.049604496374885836
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7548387096774194,
"acc_stderr": 0.024472243840895518,
"acc_norm": 0.7548387096774194,
"acc_norm_stderr": 0.024472243840895518
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5073891625615764,
"acc_stderr": 0.035176035403610105,
"acc_norm": 0.5073891625615764,
"acc_norm_stderr": 0.035176035403610105
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.67,
"acc_stderr": 0.04725815626252607,
"acc_norm": 0.67,
"acc_norm_stderr": 0.04725815626252607
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7818181818181819,
"acc_stderr": 0.03225078108306289,
"acc_norm": 0.7818181818181819,
"acc_norm_stderr": 0.03225078108306289
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7828282828282829,
"acc_stderr": 0.029376616484945633,
"acc_norm": 0.7828282828282829,
"acc_norm_stderr": 0.029376616484945633
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8756476683937824,
"acc_stderr": 0.02381447708659356,
"acc_norm": 0.8756476683937824,
"acc_norm_stderr": 0.02381447708659356
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6666666666666666,
"acc_stderr": 0.023901157979402538,
"acc_norm": 0.6666666666666666,
"acc_norm_stderr": 0.023901157979402538
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.35555555555555557,
"acc_stderr": 0.029185714949857413,
"acc_norm": 0.35555555555555557,
"acc_norm_stderr": 0.029185714949857413
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.680672268907563,
"acc_stderr": 0.0302839955258844,
"acc_norm": 0.680672268907563,
"acc_norm_stderr": 0.0302839955258844
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.37748344370860926,
"acc_stderr": 0.0395802723112157,
"acc_norm": 0.37748344370860926,
"acc_norm_stderr": 0.0395802723112157
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8366972477064221,
"acc_stderr": 0.015848255806501534,
"acc_norm": 0.8366972477064221,
"acc_norm_stderr": 0.015848255806501534
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5416666666666666,
"acc_stderr": 0.03398110890294636,
"acc_norm": 0.5416666666666666,
"acc_norm_stderr": 0.03398110890294636
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8333333333333334,
"acc_stderr": 0.026156867523931045,
"acc_norm": 0.8333333333333334,
"acc_norm_stderr": 0.026156867523931045
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.8059071729957806,
"acc_stderr": 0.02574490253229092,
"acc_norm": 0.8059071729957806,
"acc_norm_stderr": 0.02574490253229092
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.6905829596412556,
"acc_stderr": 0.03102441174057221,
"acc_norm": 0.6905829596412556,
"acc_norm_stderr": 0.03102441174057221
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.8015267175572519,
"acc_stderr": 0.03498149385462472,
"acc_norm": 0.8015267175572519,
"acc_norm_stderr": 0.03498149385462472
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.768595041322314,
"acc_stderr": 0.03849856098794088,
"acc_norm": 0.768595041322314,
"acc_norm_stderr": 0.03849856098794088
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.040191074725573483,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.040191074725573483
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7730061349693251,
"acc_stderr": 0.03291099578615769,
"acc_norm": 0.7730061349693251,
"acc_norm_stderr": 0.03291099578615769
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.5178571428571429,
"acc_stderr": 0.047427623612430116,
"acc_norm": 0.5178571428571429,
"acc_norm_stderr": 0.047427623612430116
},
"harness|hendrycksTest-management|5": {
"acc": 0.7864077669902912,
"acc_stderr": 0.040580420156460344,
"acc_norm": 0.7864077669902912,
"acc_norm_stderr": 0.040580420156460344
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8846153846153846,
"acc_stderr": 0.02093019318517933,
"acc_norm": 0.8846153846153846,
"acc_norm_stderr": 0.02093019318517933
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.73,
"acc_stderr": 0.044619604333847394,
"acc_norm": 0.73,
"acc_norm_stderr": 0.044619604333847394
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8084291187739464,
"acc_stderr": 0.014072859310451949,
"acc_norm": 0.8084291187739464,
"acc_norm_stderr": 0.014072859310451949
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7167630057803468,
"acc_stderr": 0.024257901705323378,
"acc_norm": 0.7167630057803468,
"acc_norm_stderr": 0.024257901705323378
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.3564245810055866,
"acc_stderr": 0.016018239710513405,
"acc_norm": 0.3564245810055866,
"acc_norm_stderr": 0.016018239710513405
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7483660130718954,
"acc_stderr": 0.024848018263875192,
"acc_norm": 0.7483660130718954,
"acc_norm_stderr": 0.024848018263875192
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7491961414790996,
"acc_stderr": 0.024619771956697168,
"acc_norm": 0.7491961414790996,
"acc_norm_stderr": 0.024619771956697168
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7376543209876543,
"acc_stderr": 0.024477222856135114,
"acc_norm": 0.7376543209876543,
"acc_norm_stderr": 0.024477222856135114
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.4858156028368794,
"acc_stderr": 0.02981549448368206,
"acc_norm": 0.4858156028368794,
"acc_norm_stderr": 0.02981549448368206
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.455019556714472,
"acc_stderr": 0.012718456618701768,
"acc_norm": 0.455019556714472,
"acc_norm_stderr": 0.012718456618701768
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6764705882352942,
"acc_stderr": 0.028418208619406755,
"acc_norm": 0.6764705882352942,
"acc_norm_stderr": 0.028418208619406755
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6715686274509803,
"acc_stderr": 0.018999707383162673,
"acc_norm": 0.6715686274509803,
"acc_norm_stderr": 0.018999707383162673
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6545454545454545,
"acc_stderr": 0.04554619617541054,
"acc_norm": 0.6545454545454545,
"acc_norm_stderr": 0.04554619617541054
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7551020408163265,
"acc_stderr": 0.027529637440174923,
"acc_norm": 0.7551020408163265,
"acc_norm_stderr": 0.027529637440174923
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8606965174129353,
"acc_stderr": 0.024484487162913973,
"acc_norm": 0.8606965174129353,
"acc_norm_stderr": 0.024484487162913973
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.87,
"acc_stderr": 0.033799766898963086,
"acc_norm": 0.87,
"acc_norm_stderr": 0.033799766898963086
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5301204819277109,
"acc_stderr": 0.03885425420866767,
"acc_norm": 0.5301204819277109,
"acc_norm_stderr": 0.03885425420866767
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8187134502923976,
"acc_stderr": 0.029547741687640044,
"acc_norm": 0.8187134502923976,
"acc_norm_stderr": 0.029547741687640044
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3708690330477356,
"mc1_stderr": 0.016909693580248818,
"mc2": 0.5364232527046322,
"mc2_stderr": 0.01504213226474297
},
"harness|winogrande|5": {
"acc": 0.8026835043409629,
"acc_stderr": 0.011185026389050376
},
"harness|gsm8k|5": {
"acc": 0.5420773313115997,
"acc_stderr": 0.013723629649844075
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_AI-B__UTENA-7B-V3 | [
"region:us"
] | 2024-01-14T13:10:22+00:00 | {"pretty_name": "Evaluation run of AI-B/UTENA-7B-V3", "dataset_summary": "Dataset automatically created during the evaluation run of model [AI-B/UTENA-7B-V3](https://huggingface.co/AI-B/UTENA-7B-V3) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 2 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_AI-B__UTENA-7B-V3\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T13:18:55.824915](https://huggingface.co/datasets/open-llm-leaderboard/details_AI-B__UTENA-7B-V3/blob/main/results_2024-01-14T13-18-55.824915.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.647960372928455,\n \"acc_stderr\": 0.03225433281918251,\n \"acc_norm\": 0.6510088264996041,\n \"acc_norm_stderr\": 0.03289983967691888,\n \"mc1\": 0.3708690330477356,\n \"mc1_stderr\": 0.016909693580248818,\n \"mc2\": 0.5364232527046322,\n \"mc2_stderr\": 0.01504213226474297\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6271331058020477,\n \"acc_stderr\": 0.014131176760131167,\n \"acc_norm\": 0.659556313993174,\n \"acc_norm_stderr\": 0.013847460518892978\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6607249551882095,\n \"acc_stderr\": 0.0047249566658799725,\n \"acc_norm\": 0.8570005974905397,\n \"acc_norm_stderr\": 0.0034935679140932906\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.047609522856952365,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.047609522856952365\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6222222222222222,\n \"acc_stderr\": 0.04188307537595852,\n \"acc_norm\": 0.6222222222222222,\n \"acc_norm_stderr\": 0.04188307537595852\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.6842105263157895,\n \"acc_stderr\": 0.0378272898086547,\n \"acc_norm\": 0.6842105263157895,\n \"acc_norm_stderr\": 0.0378272898086547\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.62,\n \"acc_stderr\": 0.048783173121456316,\n \"acc_norm\": 0.62,\n \"acc_norm_stderr\": 0.048783173121456316\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.7018867924528301,\n \"acc_stderr\": 0.02815283794249386,\n \"acc_norm\": 0.7018867924528301,\n \"acc_norm_stderr\": 0.02815283794249386\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7361111111111112,\n \"acc_stderr\": 0.03685651095897532,\n \"acc_norm\": 0.7361111111111112,\n \"acc_norm_stderr\": 0.03685651095897532\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.45,\n \"acc_stderr\": 0.05,\n \"acc_norm\": 0.45,\n \"acc_norm_stderr\": 0.05\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.52,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.52,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.36,\n \"acc_stderr\": 0.04824181513244218,\n \"acc_norm\": 0.36,\n \"acc_norm_stderr\": 0.04824181513244218\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6589595375722543,\n \"acc_stderr\": 0.03614665424180826,\n \"acc_norm\": 0.6589595375722543,\n \"acc_norm_stderr\": 0.03614665424180826\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.4215686274509804,\n \"acc_stderr\": 0.04913595201274498,\n \"acc_norm\": 0.4215686274509804,\n \"acc_norm_stderr\": 0.04913595201274498\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.77,\n \"acc_stderr\": 0.042295258468165065,\n \"acc_norm\": 0.77,\n \"acc_norm_stderr\": 0.042295258468165065\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.574468085106383,\n \"acc_stderr\": 0.03232146916224468,\n \"acc_norm\": 0.574468085106383,\n \"acc_norm_stderr\": 0.03232146916224468\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.4824561403508772,\n \"acc_stderr\": 0.04700708033551038,\n \"acc_norm\": 0.4824561403508772,\n \"acc_norm_stderr\": 0.04700708033551038\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5517241379310345,\n \"acc_stderr\": 0.04144311810878152,\n \"acc_norm\": 0.5517241379310345,\n \"acc_norm_stderr\": 0.04144311810878152\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.42328042328042326,\n \"acc_stderr\": 0.025446365634406786,\n \"acc_norm\": 0.42328042328042326,\n \"acc_norm_stderr\": 0.025446365634406786\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.4603174603174603,\n \"acc_stderr\": 0.04458029125470973,\n \"acc_norm\": 0.4603174603174603,\n \"acc_norm_stderr\": 0.04458029125470973\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.42,\n \"acc_stderr\": 0.049604496374885836,\n \"acc_norm\": 0.42,\n \"acc_norm_stderr\": 0.049604496374885836\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7548387096774194,\n \"acc_stderr\": 0.024472243840895518,\n \"acc_norm\": 0.7548387096774194,\n \"acc_norm_stderr\": 0.024472243840895518\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5073891625615764,\n \"acc_stderr\": 0.035176035403610105,\n \"acc_norm\": 0.5073891625615764,\n \"acc_norm_stderr\": 0.035176035403610105\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.67,\n \"acc_stderr\": 0.04725815626252607,\n \"acc_norm\": 0.67,\n \"acc_norm_stderr\": 0.04725815626252607\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7818181818181819,\n \"acc_stderr\": 0.03225078108306289,\n \"acc_norm\": 0.7818181818181819,\n \"acc_norm_stderr\": 0.03225078108306289\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7828282828282829,\n \"acc_stderr\": 0.029376616484945633,\n \"acc_norm\": 0.7828282828282829,\n \"acc_norm_stderr\": 0.029376616484945633\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8756476683937824,\n \"acc_stderr\": 0.02381447708659356,\n \"acc_norm\": 0.8756476683937824,\n \"acc_norm_stderr\": 0.02381447708659356\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6666666666666666,\n \"acc_stderr\": 0.023901157979402538,\n \"acc_norm\": 0.6666666666666666,\n \"acc_norm_stderr\": 0.023901157979402538\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.35555555555555557,\n \"acc_stderr\": 0.029185714949857413,\n \"acc_norm\": 0.35555555555555557,\n \"acc_norm_stderr\": 0.029185714949857413\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.680672268907563,\n \"acc_stderr\": 0.0302839955258844,\n \"acc_norm\": 0.680672268907563,\n \"acc_norm_stderr\": 0.0302839955258844\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.37748344370860926,\n \"acc_stderr\": 0.0395802723112157,\n \"acc_norm\": 0.37748344370860926,\n \"acc_norm_stderr\": 0.0395802723112157\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8366972477064221,\n \"acc_stderr\": 0.015848255806501534,\n \"acc_norm\": 0.8366972477064221,\n \"acc_norm_stderr\": 0.015848255806501534\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5416666666666666,\n \"acc_stderr\": 0.03398110890294636,\n \"acc_norm\": 0.5416666666666666,\n \"acc_norm_stderr\": 0.03398110890294636\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8333333333333334,\n \"acc_stderr\": 0.026156867523931045,\n \"acc_norm\": 0.8333333333333334,\n \"acc_norm_stderr\": 0.026156867523931045\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.8059071729957806,\n \"acc_stderr\": 0.02574490253229092,\n \"acc_norm\": 0.8059071729957806,\n \"acc_norm_stderr\": 0.02574490253229092\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.6905829596412556,\n \"acc_stderr\": 0.03102441174057221,\n \"acc_norm\": 0.6905829596412556,\n \"acc_norm_stderr\": 0.03102441174057221\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.8015267175572519,\n \"acc_stderr\": 0.03498149385462472,\n \"acc_norm\": 0.8015267175572519,\n \"acc_norm_stderr\": 0.03498149385462472\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.768595041322314,\n \"acc_stderr\": 0.03849856098794088,\n \"acc_norm\": 0.768595041322314,\n \"acc_norm_stderr\": 0.03849856098794088\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.040191074725573483,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.040191074725573483\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7730061349693251,\n \"acc_stderr\": 0.03291099578615769,\n \"acc_norm\": 0.7730061349693251,\n \"acc_norm_stderr\": 0.03291099578615769\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.5178571428571429,\n \"acc_stderr\": 0.047427623612430116,\n \"acc_norm\": 0.5178571428571429,\n \"acc_norm_stderr\": 0.047427623612430116\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.7864077669902912,\n \"acc_stderr\": 0.040580420156460344,\n \"acc_norm\": 0.7864077669902912,\n \"acc_norm_stderr\": 0.040580420156460344\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8846153846153846,\n \"acc_stderr\": 0.02093019318517933,\n \"acc_norm\": 0.8846153846153846,\n \"acc_norm_stderr\": 0.02093019318517933\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.73,\n \"acc_stderr\": 0.044619604333847394,\n \"acc_norm\": 0.73,\n \"acc_norm_stderr\": 0.044619604333847394\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8084291187739464,\n \"acc_stderr\": 0.014072859310451949,\n \"acc_norm\": 0.8084291187739464,\n \"acc_norm_stderr\": 0.014072859310451949\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7167630057803468,\n \"acc_stderr\": 0.024257901705323378,\n \"acc_norm\": 0.7167630057803468,\n \"acc_norm_stderr\": 0.024257901705323378\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.3564245810055866,\n \"acc_stderr\": 0.016018239710513405,\n \"acc_norm\": 0.3564245810055866,\n \"acc_norm_stderr\": 0.016018239710513405\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7483660130718954,\n \"acc_stderr\": 0.024848018263875192,\n \"acc_norm\": 0.7483660130718954,\n \"acc_norm_stderr\": 0.024848018263875192\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7491961414790996,\n \"acc_stderr\": 0.024619771956697168,\n \"acc_norm\": 0.7491961414790996,\n \"acc_norm_stderr\": 0.024619771956697168\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7376543209876543,\n \"acc_stderr\": 0.024477222856135114,\n \"acc_norm\": 0.7376543209876543,\n \"acc_norm_stderr\": 0.024477222856135114\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.4858156028368794,\n \"acc_stderr\": 0.02981549448368206,\n \"acc_norm\": 0.4858156028368794,\n \"acc_norm_stderr\": 0.02981549448368206\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.455019556714472,\n \"acc_stderr\": 0.012718456618701768,\n \"acc_norm\": 0.455019556714472,\n \"acc_norm_stderr\": 0.012718456618701768\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6764705882352942,\n \"acc_stderr\": 0.028418208619406755,\n \"acc_norm\": 0.6764705882352942,\n \"acc_norm_stderr\": 0.028418208619406755\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6715686274509803,\n \"acc_stderr\": 0.018999707383162673,\n \"acc_norm\": 0.6715686274509803,\n \"acc_norm_stderr\": 0.018999707383162673\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6545454545454545,\n \"acc_stderr\": 0.04554619617541054,\n \"acc_norm\": 0.6545454545454545,\n \"acc_norm_stderr\": 0.04554619617541054\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7551020408163265,\n \"acc_stderr\": 0.027529637440174923,\n \"acc_norm\": 0.7551020408163265,\n \"acc_norm_stderr\": 0.027529637440174923\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8606965174129353,\n \"acc_stderr\": 0.024484487162913973,\n \"acc_norm\": 0.8606965174129353,\n \"acc_norm_stderr\": 0.024484487162913973\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.87,\n \"acc_stderr\": 0.033799766898963086,\n \"acc_norm\": 0.87,\n \"acc_norm_stderr\": 0.033799766898963086\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5301204819277109,\n \"acc_stderr\": 0.03885425420866767,\n \"acc_norm\": 0.5301204819277109,\n \"acc_norm_stderr\": 0.03885425420866767\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8187134502923976,\n \"acc_stderr\": 0.029547741687640044,\n \"acc_norm\": 0.8187134502923976,\n \"acc_norm_stderr\": 0.029547741687640044\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3708690330477356,\n \"mc1_stderr\": 0.016909693580248818,\n \"mc2\": 0.5364232527046322,\n \"mc2_stderr\": 0.01504213226474297\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8026835043409629,\n \"acc_stderr\": 0.011185026389050376\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.5420773313115997,\n \"acc_stderr\": 0.013723629649844075\n }\n}\n```", "repo_url": "https://huggingface.co/AI-B/UTENA-7B-V3", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-08-02.429354.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-18-55.824915.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["**/details_harness|winogrande|5_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["**/details_harness|winogrande|5_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T13-18-55.824915.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T13_08_02.429354", "path": ["results_2024-01-14T13-08-02.429354.parquet"]}, {"split": "2024_01_14T13_18_55.824915", "path": ["results_2024-01-14T13-18-55.824915.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T13-18-55.824915.parquet"]}]}]} | 2024-01-14T13:21:15+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of AI-B/UTENA-7B-V3
Dataset automatically created during the evaluation run of model AI-B/UTENA-7B-V3 on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 2 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T13:18:55.824915(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of AI-B/UTENA-7B-V3\n\n\n\nDataset automatically created during the evaluation run of model AI-B/UTENA-7B-V3 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 2 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T13:18:55.824915(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of AI-B/UTENA-7B-V3\n\n\n\nDataset automatically created during the evaluation run of model AI-B/UTENA-7B-V3 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 2 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T13:18:55.824915(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
183,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of AI-B/UTENA-7B-V3\n\n\n\nDataset automatically created during the evaluation run of model AI-B/UTENA-7B-V3 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 2 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T13:18:55.824915(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.049451764672994614,
0.19530096650123596,
-0.005031292792409658,
0.04665841534733772,
0.07739461958408356,
-0.014460251666605473,
0.059360239654779434,
0.10608375817537308,
0.04274257272481918,
0.19150368869304657,
-0.017446450889110565,
0.10049732029438019,
0.07921228557825089,
0.12409093230962753,
0.025867555290460587,
-0.1285332441329956,
0.03269803524017334,
-0.08256419748067856,
0.13222242891788483,
0.07201806455850601,
0.052476219832897186,
-0.08006273210048676,
0.06793619692325592,
-0.028321580961346626,
0.03938915580511093,
-0.021516021341085434,
-0.07014264166355133,
-0.024236151948571205,
0.10744205862283707,
0.11342358589172363,
0.036158159375190735,
-0.022484786808490753,
0.03026648238301277,
-0.2643221914768219,
0.015201137401163578,
0.09395214915275574,
-0.011346963234245777,
0.03944457694888115,
0.13943259418010712,
-0.08143925666809082,
0.08516857773065567,
-0.016619767993688583,
0.07034258544445038,
0.056815072894096375,
-0.10925991088151932,
-0.15315288305282593,
-0.15476273000240326,
0.0020192177034914494,
0.06459318846464157,
0.041831124573946,
-0.02893618680536747,
0.16077101230621338,
-0.06748443841934204,
0.05277757719159126,
0.14592388272285461,
-0.12282176315784454,
-0.01580113358795643,
0.042630843818187714,
0.019851723685860634,
0.08260510861873627,
-0.06715351343154907,
-0.02554239146411419,
0.036281973123550415,
0.060734014958143234,
-0.013718834146857262,
0.02045944705605507,
-0.007008302491158247,
0.006927166599780321,
-0.14753273129463196,
-0.1340147852897644,
0.1301519125699997,
0.011469298973679543,
-0.05599215626716614,
-0.1784442663192749,
-0.013682859018445015,
0.002323840046301484,
0.0001376408472424373,
0.01529697049409151,
-0.012948457151651382,
-0.02050081081688404,
0.10500435531139374,
-0.0030484406743198633,
-0.09371881932020187,
-0.03817083314061165,
-0.006927188951522112,
0.0694095715880394,
0.032295871526002884,
-0.0017296872101724148,
0.0068068006075918674,
0.11874231696128845,
0.034377533942461014,
-0.04364946112036705,
-0.06681995093822479,
-0.05386435240507126,
-0.11588194221258163,
-0.03185996040701866,
0.00970318540930748,
-0.06376516073942184,
0.030633918941020966,
0.21984200179576874,
0.0008056999067775905,
0.016928983852267265,
-0.12403925508260727,
0.02076006680727005,
0.1223142147064209,
0.052071262151002884,
-0.08936955779790878,
-0.04795115813612938,
-0.03333710879087448,
0.03341454640030861,
0.03159431368112564,
-0.015918271616101265,
0.001469047972932458,
0.06923894584178925,
0.01244116947054863,
0.12485376745462418,
0.11575718224048615,
0.02737925574183464,
-0.08366940915584564,
-0.02133934572339058,
0.22187210619449615,
-0.1419641077518463,
-0.018112998455762863,
0.027552807703614235,
-0.037431444972753525,
-0.11602404713630676,
0.05705970525741577,
-0.011662058532238007,
-0.062152232974767685,
0.10696496814489365,
-0.03928832709789276,
-0.0777711346745491,
-0.08413571864366531,
-0.07846920937299728,
0.047272972762584686,
-0.010766515508294106,
-0.0536881648004055,
-0.0709083303809166,
-0.10443095117807388,
-0.07976529747247696,
0.029702365398406982,
-0.07279305160045624,
-0.010998398996889591,
0.022067714482545853,
0.0076441108249127865,
-0.016775600612163544,
-0.01894592121243477,
0.10973174124956131,
-0.06479167193174362,
0.03805981203913689,
-0.023016970604658127,
0.031061789020895958,
0.09663115441799164,
0.033519040793180466,
-0.1096298024058342,
0.0804673284292221,
-0.10660219937562943,
0.0975092425942421,
-0.11109981685876846,
-0.026844896376132965,
-0.11513245105743408,
0.00016694216174073517,
-0.021876199170947075,
0.05483294278383255,
-0.03021923638880253,
0.08390545845031738,
-0.21467560529708862,
0.001272763591259718,
0.1743563562631607,
-0.1194111704826355,
-0.07422029227018356,
0.10509573668241501,
-0.042813967913389206,
0.058323927223682404,
0.042895641177892685,
0.0981663167476654,
0.09700343012809753,
-0.0752204954624176,
-0.09073434770107269,
-0.05317719653248787,
-0.027624528855085373,
0.1509074717760086,
0.071125827729702,
-0.08063974231481552,
0.09325774013996124,
0.03663557767868042,
0.0024321232922375202,
-0.06906840950250626,
-0.005977274850010872,
-0.06385064125061035,
-0.01609836518764496,
-0.0738411471247673,
-0.06599488109350204,
-0.009963021613657475,
-0.06818217039108276,
-0.011373283341526985,
-0.06987569481134415,
-0.011028407141566277,
0.10918186604976654,
-0.03224637359380722,
0.015243158675730228,
-0.0858326256275177,
0.045634593814611435,
0.0026153861545026302,
0.013566120527684689,
-0.2184414565563202,
-0.06776738911867142,
0.03934251144528389,
-0.21922951936721802,
0.05291511490941048,
0.05001666769385338,
0.0071919159963727,
0.05814642831683159,
0.001345156691968441,
0.033575549721717834,
0.029794512316584587,
-0.014930558390915394,
-0.017921270802617073,
-0.1515868455171585,
-0.057801779359579086,
-0.0911301001906395,
0.08599968999624252,
-0.13751253485679626,
-0.014219237491488457,
0.05675336718559265,
0.14810128509998322,
0.0259680338203907,
-0.07554242014884949,
0.055729445070028305,
0.016240298748016357,
-0.044393472373485565,
-0.04674363508820534,
0.000270778255071491,
-0.03504905849695206,
0.03228994831442833,
0.043597280979156494,
-0.18408992886543274,
-0.09792175889015198,
0.07429582625627518,
0.14196687936782837,
-0.057695116847753525,
-0.08102298527956009,
-0.06281635910272598,
-0.055750757455825806,
-0.08476446568965912,
-0.07621494680643082,
0.0688774511218071,
0.09211025387048721,
0.04687244072556496,
-0.07681252062320709,
-0.052033182233572006,
0.009598547592759132,
0.05363404005765915,
-0.0651732087135315,
0.12013819068670273,
0.07724092155694962,
-0.08896832168102264,
0.1112818568944931,
-0.05893554165959358,
0.09689724445343018,
0.09197042882442474,
0.03304138779640198,
-0.10979973524808884,
0.0069715287536382675,
0.06769456714391708,
0.04895464703440666,
0.07779762893915176,
-0.04001053422689438,
0.028441721573472023,
0.08833552151918411,
-0.0067663900554180145,
0.03707893192768097,
-0.0741744190454483,
0.02298557385802269,
0.025058625265955925,
0.0005987989716231823,
0.020749825984239578,
0.00718015106394887,
0.01958795264363289,
0.099345862865448,
0.025233518332242966,
0.08100104331970215,
-0.028225842863321304,
-0.056503865867853165,
-0.11132031679153442,
0.1416189819574356,
-0.0801735445857048,
-0.26387012004852295,
-0.165270134806633,
-0.051025617867708206,
-0.027061326429247856,
-0.004404333420097828,
0.05785709246993065,
-0.007098187692463398,
-0.10398600250482559,
-0.12730659544467926,
0.045972373336553574,
0.0478288009762764,
-0.1377309262752533,
-0.04266539216041565,
0.050901226699352264,
-0.012138329446315765,
-0.16438396275043488,
0.04138587787747383,
0.043154776096343994,
-0.05743477866053581,
0.0022815850097686052,
0.061319515109062195,
0.10287699103355408,
0.09376449137926102,
0.08552178740501404,
-0.02339024469256401,
-0.01550437044352293,
0.16267512738704681,
-0.10975277423858643,
0.025650877505540848,
0.10690412670373917,
-0.049045007675886154,
0.056078407913446426,
0.15883119404315948,
0.013344536535441875,
-0.09251044690608978,
0.056174084544181824,
0.09236512333154678,
-0.06573537737131119,
-0.24997232854366302,
-0.11996530741453171,
-0.02915160357952118,
0.03705083951354027,
0.1121135801076889,
0.06536029279232025,
0.005693643819540739,
0.012671936303377151,
-0.12832103669643402,
-0.013674456626176834,
-0.047051768749952316,
0.06548217684030533,
0.03092183917760849,
-0.01120672281831503,
0.04663151130080223,
-0.04965370520949364,
0.015873059630393982,
0.1247173547744751,
0.04971614480018616,
0.1492801308631897,
-0.03981570899486542,
0.18639259040355682,
0.08949242532253265,
0.0649733617901802,
-0.03265706077218056,
0.038392532616853714,
-0.020704174414277077,
0.06014304235577583,
-0.026380520313978195,
-0.10381007939577103,
-0.05487529933452606,
0.10612498968839645,
0.036162324249744415,
-0.07178347557783127,
0.04291662201285362,
-0.09132815152406693,
0.03720609471201897,
0.21998898684978485,
-0.017742257565259933,
-0.12625984847545624,
-0.05752159655094147,
0.0662788450717926,
-0.04590919241309166,
-0.09338704496622086,
-0.002235465683043003,
0.09999895840883255,
-0.1452471762895584,
-0.008312980644404888,
-0.04048801586031914,
0.07430832833051682,
-0.1368989795446396,
-0.023624535650014877,
-0.03133081644773483,
0.02737579494714737,
-0.004459047690033913,
0.11196106672286987,
-0.14087550342082977,
0.10200545191764832,
-0.0060891020111739635,
0.019336655735969543,
-0.10560279339551926,
0.052512865513563156,
-0.03305806219577789,
-0.06772516667842865,
0.13138772547245026,
-0.009064247831702232,
-0.08121251314878464,
-0.06601361185312271,
-0.10593260824680328,
-0.01111675426363945,
0.050390101969242096,
-0.09869556874036789,
0.105357825756073,
0.02670488879084587,
-0.023591699078679085,
-0.04340096190571785,
-0.01361372135579586,
-0.0953635647892952,
-0.23721136152744293,
0.10495143383741379,
-0.13153108954429626,
0.03133900463581085,
-0.06371589750051498,
-0.04871371388435364,
-0.04280485212802887,
0.12513890862464905,
-0.1168685108423233,
-0.04623253643512726,
-0.09906578063964844,
-0.013523099943995476,
0.16287274658679962,
-0.046467751264572144,
0.0597570464015007,
-0.04272288829088211,
0.17413932085037231,
-0.034743525087833405,
-0.04154665395617485,
0.002316270722076297,
-0.09373568743467331,
-0.200594961643219,
-0.05635441094636917,
0.10669820755720139,
0.07954958081245422,
0.02934125065803528,
-0.009212534874677658,
0.013501034118235111,
0.01565496250987053,
-0.09373101592063904,
0.02624361589550972,
0.13091638684272766,
0.13090497255325317,
0.05205381661653519,
-0.03939763084053993,
-0.12112707644701004,
-0.10231058299541473,
-0.12061239778995514,
0.05422510951757431,
0.1899608075618744,
-0.06339408457279205,
0.1630437672138214,
0.1635299175977707,
-0.08991994708776474,
-0.19411462545394897,
-0.06208741292357445,
0.00990651361644268,
-0.018226362764835358,
0.12670952081680298,
-0.20127041637897491,
0.052216023206710815,
0.07802386581897736,
-0.03175944834947586,
0.10595535486936569,
-0.27168625593185425,
-0.13444624841213226,
0.04708201438188553,
0.06143205985426903,
-0.213132843375206,
-0.17344020307064056,
-0.09608779102563858,
-0.031422510743141174,
-0.15415383875370026,
0.1394897848367691,
0.0027547820936888456,
0.03439432382583618,
-0.022595273330807686,
0.07213833183050156,
0.04863695427775383,
-0.07307899743318558,
0.13084246218204498,
-0.026405245065689087,
0.03163174167275429,
-0.10305973887443542,
-0.03559042513370514,
-0.026536282151937485,
-0.04120566323399544,
0.08117686212062836,
0.007782096974551678,
0.047449517995119095,
-0.09913710504770279,
-0.03653566166758537,
-0.07035169750452042,
0.032632797956466675,
-0.06638048589229584,
-0.050978608429431915,
-0.0839998871088028,
0.09087279438972473,
0.07309795916080475,
0.0008029754972085357,
0.034891098737716675,
-0.057846348732709885,
0.03717208281159401,
0.19964323937892914,
0.10564462840557098,
0.05560263618826866,
-0.06851822882890701,
-0.04615658521652222,
-0.01885870285332203,
0.004333674907684326,
-0.0999065712094307,
0.04080701246857643,
0.0779135525226593,
0.037648871541023254,
0.10296986997127533,
-0.027103779837489128,
-0.18539506196975708,
0.0018646388780325651,
0.07105303555727005,
-0.09222012758255005,
-0.19365419447422028,
0.05116887763142586,
0.15695355832576752,
-0.1383933126926422,
-0.07221236079931259,
0.08163228631019592,
0.02015058882534504,
-0.03937472030520439,
-0.008039490319788456,
0.07788676023483276,
0.04698452353477478,
0.0944412425160408,
0.007713889703154564,
0.049687836319208145,
-0.07051785290241241,
0.08705424517393112,
0.14114037156105042,
-0.10650675743818283,
0.023093760013580322,
0.03641524910926819,
-0.048559918999671936,
-0.07692378759384155,
-0.013129823841154575,
0.01691407710313797,
0.0311298705637455,
-0.03808041661977768,
0.014517865143716335,
-0.03822464123368263,
0.06807362288236618,
0.15622633695602417,
-0.005984021350741386,
0.05076702684164047,
0.019062833860516548,
-0.0032401536591351032,
-0.057349901646375656,
0.09937193244695663,
0.014844128862023354,
0.04210851341485977,
-0.025188801810145378,
0.03011194057762623,
0.02189515344798565,
-0.027458874508738518,
0.019510112702846527,
-0.05074688047170639,
-0.08040039241313934,
0.009389393031597137,
-0.186117485165596,
0.059623394161462784,
-0.07890977710485458,
0.0037219126243144274,
-0.0011451749596744776,
-0.017702894285321236,
-0.002285547088831663,
0.0003850877983495593,
-0.07975254207849503,
-0.03136759251356125,
-0.04637438431382179,
0.13640794157981873,
-0.18877701461315155,
0.00439675897359848,
0.08203642815351486,
-0.06765463948249817,
0.0715014860033989,
-0.01045666541904211,
-0.018015464767813683,
0.022214947268366814,
-0.11233535408973694,
0.011419862508773804,
-0.030236706137657166,
0.06372008472681046,
0.016058538109064102,
-0.13444164395332336,
-0.012057970277965069,
0.0027861553244292736,
-0.07998249679803848,
-0.004515959415584803,
0.04330584034323692,
-0.1468762904405594,
0.07437065243721008,
0.09190216660499573,
-0.049433689564466476,
-0.05118188261985779,
0.04993479326367378,
0.04457242786884308,
-0.008123467676341534,
0.08624032139778137,
-0.006242680829018354,
0.02808346226811409,
-0.15002213418483734,
-0.04093719273805618,
0.003905603662133217,
0.013290436938405037,
0.038214441388845444,
0.013105850666761398,
0.01879853941500187,
0.00763058802112937,
0.2523384392261505,
-0.007433867081999779,
0.005529158748686314,
0.018419945612549782,
-0.017950451001524925,
-0.027018580585718155,
0.03193216025829315,
-0.0026971977204084396,
-0.006833507213741541,
0.032009709626436234,
0.005796482320874929,
-0.04072883352637291,
-0.06473659723997116,
-0.0006588575197383761,
0.07658969610929489,
0.13894756138324738,
0.16103164851665497,
-0.029897689819335938,
0.062397073954343796,
-0.17121128737926483,
-0.04750918969511986,
0.010923094116151333,
-0.047667495906353,
0.05578392371535301,
-0.08032378554344177,
0.08407292515039444,
0.0923565998673439,
-0.09482979774475098,
0.14779232442378998,
-0.06064312905073166,
-0.02102927677333355,
-0.03664817288517952,
-0.1815522313117981,
-0.031333670020103455,
0.03893374279141426,
-0.0009587964159436524,
-0.08565954864025116,
0.11391184478998184,
0.12906582653522491,
-0.0037528767716139555,
-0.004253597464412451,
0.08166845887899399,
-0.0665726289153099,
-0.04161127284169197,
-0.037350401282310486,
0.002930319169536233,
0.014253061264753342,
-0.0015644971281290054,
0.05542833358049393,
0.019942598417401314,
0.046751510351896286,
0.07349880039691925,
0.103780597448349,
0.03053869493305683,
0.008023661561310291,
-0.03660505264997482,
-0.052098214626312256,
0.0037003427278250456,
-0.030294938012957573,
-0.05490199476480484,
0.22706641256809235,
0.05706309154629707,
0.015520988032221794,
0.02023322880268097,
0.20471501350402832,
-0.005006770603358746,
-0.04994312673807144,
-0.12986578047275543,
0.16342447698116302,
-0.009647040627896786,
0.0201621912419796,
0.029341978952288628,
-0.10908245295286179,
0.01857745461165905,
0.16805122792720795,
0.10655703395605087,
0.025696618482470512,
0.008311191573739052,
0.0467425100505352,
0.02263878844678402,
-0.03766957297921181,
0.061250463128089905,
0.031078189611434937,
0.2496883124113083,
-0.05009155720472336,
0.0890326201915741,
-0.0023381533101201057,
0.00465402053669095,
-0.021745968610048294,
0.10416869819164276,
-0.04515078663825989,
0.02268366888165474,
-0.07363691180944443,
0.07358576357364655,
-0.0653243213891983,
-0.2441767007112503,
-0.012866842560470104,
-0.0739629864692688,
-0.13960008323192596,
-0.005849269684404135,
0.013168391771614552,
-0.022335950285196304,
0.05061553418636322,
0.029132869094610214,
-0.021876588463783264,
0.17120926082134247,
-0.00343139236792922,
-0.07075856626033783,
-0.0803883895277977,
0.06597708910703659,
-0.04650917276740074,
0.29168465733528137,
-0.005094811785966158,
0.06477940082550049,
0.08844474703073502,
-0.019696863368153572,
-0.12931935489177704,
0.03319443389773369,
0.08168461918830872,
-0.05150570347905159,
0.04948567971587181,
0.17107859253883362,
-0.029215803369879723,
0.16328254342079163,
0.0393613837659359,
-0.01287077460438013,
0.07731341570615768,
0.06007147207856178,
0.03890817612409592,
-0.09340137243270874,
0.07349229604005814,
-0.098704032599926,
0.13598425686359406,
0.1106448844075203,
-0.012294972315430641,
-0.007301953621208668,
-0.053900785744190216,
0.06831731647253036,
-0.04299500212073326,
0.13664217293262482,
-0.01872827857732773,
-0.1588258147239685,
0.04607665538787842,
0.00724520580843091,
0.06747164577245712,
-0.25172579288482666,
-0.05426046997308731,
0.09967336803674698,
-0.05309058353304863,
0.006385173182934523,
0.07446067035198212,
0.043368976563215256,
0.030076196417212486,
-0.060813408344984055,
-0.13994255661964417,
0.02239670231938362,
0.11790629476308823,
-0.07247984409332275,
-0.042600471526384354
] |
e5c10415d5c8b1238e65ff808139f911a3816286 |
# Dataset Card for Visual Genome Annotations in Simple English
This dataset contains captions that were rephrased into simple english so that a young child would understand it.
## Dataset Details
### Dataset Description
- **Curated by:** {{ curators | default("[More Information Needed]", true)}}
- **Language(s) (NLP):** {{ language | default("[More Information Needed]", true)}}
- **License:** {{ license | default("[More Information Needed]", true)}}
### Dataset Sources
The processed [Visual Genome](https://homes.cs.washington.edu/~ranjay/visualgenome/index.html) captions in this repo are based on the following sources:
* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (https://storage.googleapis.com/sfr-vision-language-research/LAVIS/datasets/visual_genome/vg_caption.json)
Visual Genome:
- **Download:** https://homes.cs.washington.edu/~ranjay/visualgenome/index.html
- **Paper:** https://link.springer.com/article/10.1007/s11263-016-0981-7
## Dataset Creation
This dataset was generated by processing the annotations via [Mistal7B](https://huggingface.co/TheBloke/Mistral-7B-Instruct-v0.2-AWQ).
Prompt used:
```
Rewrite the sentence " + caption + " for a 3 to 4 year old child. Give only one simple sentence. Don't use the word see. Give only a single answer.
```
A filter was applied to only store captions which matched the common output format. A best effort filter was applied to reduce the chance of including multiple example sentences in the output.
### Curation Rationale
This dataset is useful for experiments with small LLMs which have only a reduced corpus. The dataset is suitable to be used for LAVIS experiments (QFormer Training) with a finetuned TinyStories 33M LLM.
| Jotschi/visual_genome-simple-en | [
"task_categories:text-generation",
"task_categories:image-to-text",
"task_categories:text-to-image",
"annotations_creators:machine-generated",
"size_categories:n<820k",
"source_datasets:visual_genome",
"language:en",
"visual_genome",
"simple-english",
"region:us"
] | 2024-01-14T13:12:08+00:00 | {"annotations_creators": ["machine-generated"], "language": ["en"], "size_categories": ["n<820k"], "source_datasets": ["visual_genome"], "task_categories": ["text-generation", "image-to-text", "text-to-image"], "pretty_name": "Visual Genome in Simple English", "license_name": "cc-by-4.0", "license_link": "https://creativecommons.org/licenses/by/4.0/legalcode", "tags": ["visual_genome", "simple-english"]} | 2024-01-14T13:16:08+00:00 | [] | [
"en"
] | TAGS
#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<820k #source_datasets-visual_genome #language-English #visual_genome #simple-english #region-us
|
# Dataset Card for Visual Genome Annotations in Simple English
This dataset contains captions that were rephrased into simple english so that a young child would understand it.
## Dataset Details
### Dataset Description
- Curated by: {{ curators | default("", true)}}
- Language(s) (NLP): {{ language | default("", true)}}
- License: {{ license | default("", true)}}
### Dataset Sources
The processed Visual Genome captions in this repo are based on the following sources:
* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL
Visual Genome:
- Download: URL
- Paper: URL
## Dataset Creation
This dataset was generated by processing the annotations via Mistal7B.
Prompt used:
A filter was applied to only store captions which matched the common output format. A best effort filter was applied to reduce the chance of including multiple example sentences in the output.
### Curation Rationale
This dataset is useful for experiments with small LLMs which have only a reduced corpus. The dataset is suitable to be used for LAVIS experiments (QFormer Training) with a finetuned TinyStories 33M LLM.
| [
"# Dataset Card for Visual Genome Annotations in Simple English\n\nThis dataset contains captions that were rephrased into simple english so that a young child would understand it.",
"## Dataset Details",
"### Dataset Description\n\n- Curated by: {{ curators | default(\"\", true)}}\n- Language(s) (NLP): {{ language | default(\"\", true)}}\n- License: {{ license | default(\"\", true)}}",
"### Dataset Sources\n\nThe processed Visual Genome captions in this repo are based on the following sources:\n\n* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL\n\nVisual Genome:\n\n- Download: URL\n- Paper: URL",
"## Dataset Creation\n\nThis dataset was generated by processing the annotations via Mistal7B.\n\n\nPrompt used:\n\n\n\nA filter was applied to only store captions which matched the common output format. A best effort filter was applied to reduce the chance of including multiple example sentences in the output.",
"### Curation Rationale\n\nThis dataset is useful for experiments with small LLMs which have only a reduced corpus. The dataset is suitable to be used for LAVIS experiments (QFormer Training) with a finetuned TinyStories 33M LLM."
] | [
"TAGS\n#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<820k #source_datasets-visual_genome #language-English #visual_genome #simple-english #region-us \n",
"# Dataset Card for Visual Genome Annotations in Simple English\n\nThis dataset contains captions that were rephrased into simple english so that a young child would understand it.",
"## Dataset Details",
"### Dataset Description\n\n- Curated by: {{ curators | default(\"\", true)}}\n- Language(s) (NLP): {{ language | default(\"\", true)}}\n- License: {{ license | default(\"\", true)}}",
"### Dataset Sources\n\nThe processed Visual Genome captions in this repo are based on the following sources:\n\n* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL\n\nVisual Genome:\n\n- Download: URL\n- Paper: URL",
"## Dataset Creation\n\nThis dataset was generated by processing the annotations via Mistal7B.\n\n\nPrompt used:\n\n\n\nA filter was applied to only store captions which matched the common output format. A best effort filter was applied to reduce the chance of including multiple example sentences in the output.",
"### Curation Rationale\n\nThis dataset is useful for experiments with small LLMs which have only a reduced corpus. The dataset is suitable to be used for LAVIS experiments (QFormer Training) with a finetuned TinyStories 33M LLM."
] | [
92,
38,
4,
56,
66,
66,
62
] | [
"passage: TAGS\n#task_categories-text-generation #task_categories-image-to-text #task_categories-text-to-image #annotations_creators-machine-generated #size_categories-n<820k #source_datasets-visual_genome #language-English #visual_genome #simple-english #region-us \n# Dataset Card for Visual Genome Annotations in Simple English\n\nThis dataset contains captions that were rephrased into simple english so that a young child would understand it.## Dataset Details### Dataset Description\n\n- Curated by: {{ curators | default(\"\", true)}}\n- Language(s) (NLP): {{ language | default(\"\", true)}}\n- License: {{ license | default(\"\", true)}}### Dataset Sources\n\nThe processed Visual Genome captions in this repo are based on the following sources:\n\n* 941425b651f50cdb1a6f0673eaab6260 vg_caption.json (URL\n\nVisual Genome:\n\n- Download: URL\n- Paper: URL## Dataset Creation\n\nThis dataset was generated by processing the annotations via Mistal7B.\n\n\nPrompt used:\n\n\n\nA filter was applied to only store captions which matched the common output format. A best effort filter was applied to reduce the chance of including multiple example sentences in the output.### Curation Rationale\n\nThis dataset is useful for experiments with small LLMs which have only a reduced corpus. The dataset is suitable to be used for LAVIS experiments (QFormer Training) with a finetuned TinyStories 33M LLM."
] | [
-0.04620727151632309,
0.10890091210603714,
-0.00537617364898324,
0.02399042248725891,
0.06416839361190796,
0.011208237148821354,
0.06630821526050568,
0.15735314786434174,
0.03658740594983101,
0.08570446074008942,
-0.021467505022883415,
0.08723242580890656,
0.04808967933058739,
0.03279425576329231,
-0.0661982074379921,
-0.09575483202934265,
0.03164998069405556,
-0.02518887259066105,
0.08941382169723511,
0.08238492161035538,
0.12546870112419128,
-0.03472670167684555,
0.04268442094326019,
-0.011081807315349579,
-0.05990687012672424,
0.025426844134926796,
0.057555846869945526,
0.0031574389431625605,
0.07652346789836884,
0.10319122672080994,
0.08513476699590683,
0.04323325678706169,
0.028346117585897446,
-0.19149956107139587,
0.013190345838665962,
0.06549535691738129,
0.0015471124788746238,
0.04410640150308609,
0.12090805917978287,
-0.03896135464310646,
0.07675518095493317,
-0.11826259642839432,
-0.003964294213801622,
0.09415878355503082,
-0.10687615722417831,
-0.08636703342199326,
-0.027396243065595627,
0.011479000560939312,
0.1049804762005806,
0.04285235330462456,
-0.026806779205799103,
-0.0010588354198262095,
-0.017507117241621017,
0.07898779958486557,
0.1606861799955368,
-0.10657424479722977,
-0.04084176942706108,
0.1894254982471466,
0.001744207227602601,
0.03990434110164642,
-0.08168116211891174,
0.03527127578854561,
0.025276342406868935,
-0.023648470640182495,
0.0005365194519981742,
-0.09369146823883057,
-0.06229301169514656,
-0.06426753103733063,
-0.049613066017627716,
-0.08478378504514694,
0.2311825007200241,
-0.025757575407624245,
-0.07858133316040039,
-0.13706481456756592,
-0.07133577018976212,
0.008146896958351135,
-0.06881894171237946,
-0.020028872415423393,
0.008944201283156872,
0.03203654661774635,
0.07612195611000061,
-0.10294237732887268,
-0.09064394235610962,
-0.04062045365571976,
-0.017339719459414482,
0.1349889189004898,
-0.021398598328232765,
-0.005335325840860605,
-0.030990926548838615,
0.05530908703804016,
-0.09435763210058212,
-0.04575780779123306,
-0.06659752875566483,
-0.03913779929280281,
-0.11767391115427017,
-0.03806992620229721,
-0.06818977743387222,
-0.10810714960098267,
0.07111687958240509,
0.12305566668510437,
-0.04353589937090874,
0.053976718336343765,
-0.04079857096076012,
0.025300979614257812,
0.052738018333911896,
-0.0021205691155046225,
-0.08567450940608978,
0.000037248995795380324,
0.1010546013712883,
-0.020869500935077667,
0.028931999579072,
0.03578056022524834,
-0.008091477677226067,
-0.042755983769893646,
-0.003975726198405027,
0.06388013809919357,
0.035773783922195435,
0.020028365775942802,
-0.07973779737949371,
-0.05077822506427765,
0.10410293191671371,
-0.11996554583311081,
-0.009254751726984978,
0.06894876062870026,
-0.04224743694067001,
0.017757726833224297,
0.04408126324415207,
-0.024778706952929497,
-0.04058976471424103,
-0.0038397444877773523,
-0.0752192959189415,
0.013795665465295315,
-0.03518173098564148,
-0.1378229260444641,
0.016674840822815895,
0.0035537213552743196,
-0.038161177188158035,
-0.07928679138422012,
-0.21122197806835175,
-0.07490801066160202,
0.006765285041183233,
-0.02940235659480095,
0.01706940121948719,
0.025619031861424446,
-0.030681535601615906,
0.027183853089809418,
0.030234817415475845,
-0.017298651859164238,
-0.02113998308777809,
0.04426906257867813,
-0.0791083499789238,
0.0756676197052002,
-0.00523513974621892,
0.007385159842669964,
-0.12241479754447937,
0.05520280450582504,
-0.12050981819629669,
0.12201473861932755,
-0.10917740315198898,
-0.06751874089241028,
-0.14592091739177704,
-0.060139250010252,
0.017981648445129395,
-0.010740269906818867,
0.04463501274585724,
0.10142944753170013,
-0.18480637669563293,
0.02007804997265339,
0.11838144809007645,
-0.09567294269800186,
0.05562714859843254,
0.07701162248849869,
-0.01531120017170906,
0.08452657610177994,
0.0984787568449974,
0.0743703544139862,
0.1648266464471817,
0.006991609465330839,
-0.09383777529001236,
0.0026962345000356436,
-0.0066310646943748,
0.14369060099124908,
0.03675394877791405,
-0.00712903356179595,
-0.044120606034994125,
0.038060616701841354,
-0.003677673637866974,
-0.04917540028691292,
-0.004167412407696247,
-0.046066753566265106,
-0.049276016652584076,
-0.007269342429935932,
0.011129162274301052,
0.0258095171302557,
-0.04073505476117134,
-0.007150684949010611,
-0.021956322714686394,
-0.015499182976782322,
0.12192074209451675,
-0.05905383825302124,
-0.002922666724771261,
-0.06448955833911896,
0.03288307413458824,
-0.09253430366516113,
0.021403959020972252,
-0.16483856737613678,
-0.08219826221466064,
0.05158895626664162,
-0.10453006625175476,
0.02922777645289898,
0.060885097831487656,
0.009744231589138508,
-0.016063854098320007,
-0.07381238788366318,
0.026981309056282043,
-0.014651810750365257,
-0.03733529523015022,
-0.022733129560947418,
-0.15054893493652344,
-0.04175512120127678,
-0.048045579344034195,
0.17241168022155762,
-0.16432645916938782,
-0.007699101697653532,
0.07341603189706802,
0.0870751291513443,
0.03803747519850731,
-0.08060109615325928,
0.10152056813240051,
-0.019621316343545914,
-0.06577443331480026,
-0.06311282515525818,
0.03745909035205841,
-0.04019884020090103,
0.013075482100248337,
0.01504364050924778,
-0.12355910986661911,
-0.22994700074195862,
0.06052501127123833,
-0.030001726001501083,
-0.07595624774694443,
-0.011254879646003246,
-0.03141965717077255,
-0.018371153622865677,
-0.11262965947389603,
-0.14763088524341583,
0.09100519120693207,
0.02524430677294731,
0.057096216827631,
-0.13558806478977203,
-0.056100279092788696,
0.012845825403928757,
0.01271804329007864,
-0.017846712842583656,
0.10487387329339981,
0.0520532988011837,
-0.2547721266746521,
0.0438322015106678,
-0.04899090528488159,
0.007582557387650013,
0.08987357467412949,
0.07842361927032471,
-0.06632961332798004,
0.0036985448095947504,
0.09757712483406067,
0.0365908183157444,
0.06473568826913834,
-0.0011253351112827659,
0.06368225812911987,
0.06384259462356567,
-0.010849522426724434,
0.03375781700015068,
-0.08888574689626694,
0.04958278313279152,
0.010100120678544044,
-0.07862458378076553,
0.02876422181725502,
-0.0034987919498234987,
0.03635766729712486,
0.14047123491764069,
-0.06875568628311157,
0.05448904633522034,
-0.02614467591047287,
-0.05814284831285477,
-0.11146825551986694,
0.15546436607837677,
-0.10259994119405746,
-0.26720184087753296,
-0.0901036411523819,
0.05813336372375488,
-0.11050379276275635,
0.044147904962301254,
0.015671182423830032,
-0.012550700455904007,
-0.08857224136590958,
-0.07256551086902618,
-0.004151792265474796,
-0.027965066954493523,
-0.12669892609119415,
-0.10673803091049194,
0.029649296775460243,
0.08531630784273148,
-0.13863305747509003,
0.0435243584215641,
0.0496208481490612,
-0.07334637641906738,
0.045538775622844696,
0.02118602767586708,
0.04538978263735771,
0.02800692990422249,
0.0006083299522288144,
-0.07417157292366028,
-0.03089745156466961,
0.28926560282707214,
-0.044210951775312424,
0.09968093782663345,
0.10014569759368896,
0.012754936702549458,
0.015047664754092693,
0.15742698311805725,
0.029914939776062965,
-0.1031060591340065,
-0.0039048446342349052,
0.08293957263231277,
-0.06318721920251846,
-0.2333463728427887,
-0.09889901429414749,
-0.07591664791107178,
-0.05416040122509003,
0.09842471778392792,
0.06441831588745117,
-0.057283878326416016,
0.0806792750954628,
-0.1273968666791916,
0.08747078478336334,
0.05624758452177048,
0.07401365786790848,
0.15511497855186462,
0.03487269580364227,
0.0658349096775055,
-0.04212462157011032,
0.009871315211057663,
0.09543417394161224,
0.033529408276081085,
0.17493396997451782,
-0.031120389699935913,
0.21404139697551727,
0.030214499682188034,
-0.01960027776658535,
0.043283525854349136,
0.1284046620130539,
-0.024671781808137894,
0.04790854454040527,
-0.020249612629413605,
-0.07017539441585541,
-0.07693535834550858,
0.04722149670124054,
0.02886408008635044,
0.005022422410547733,
0.06169389188289642,
-0.03266224265098572,
0.0439271442592144,
0.1394525021314621,
0.07363865524530411,
-0.10712921619415283,
-0.021693238988518715,
0.05615335330367088,
-0.011556927114725113,
-0.09973125159740448,
0.027800101786851883,
0.16118259727954865,
-0.08417380601167679,
0.07029886543750763,
-0.02906096540391445,
0.1132730096578598,
-0.09534148871898651,
-0.03998711332678795,
-0.08072762936353683,
0.01418277621269226,
-0.013197890482842922,
0.11649401485919952,
-0.18088848888874054,
0.12855543196201324,
0.04842156916856766,
0.05220533534884453,
-0.05264962464570999,
0.03311137855052948,
0.03015866130590439,
-0.005169265437871218,
0.16145262122154236,
0.04042547196149826,
-0.0016393839614465833,
-0.18534788489341736,
-0.10344287753105164,
0.0032207367476075888,
0.04652548208832741,
-0.0508417934179306,
0.09106185287237167,
-0.0011646951315924525,
-0.015569035895168781,
-0.060212161391973495,
0.08791769295930862,
-0.16678769886493683,
-0.14662587642669678,
0.09378588199615479,
0.046276625245809555,
0.012994874268770218,
-0.007544508669525385,
0.026105964556336403,
-0.07417234033346176,
0.1740277111530304,
-0.0963514968752861,
-0.1332600861787796,
-0.16991442441940308,
0.018970124423503876,
0.1581924855709076,
-0.03203634172677994,
0.024662302806973457,
0.001102719223126769,
0.12145723402500153,
-0.02060008980333805,
-0.0727902203798294,
0.01533450186252594,
-0.10295972228050232,
-0.15436334908008575,
-0.04357660934329033,
0.09585648030042648,
-0.008606387302279472,
0.07224166393280029,
0.0742931142449379,
0.033600542694330215,
0.03275860846042633,
-0.1078401431441307,
0.0625598132610321,
0.07964321225881577,
-0.05739271268248558,
0.13853949308395386,
-0.0924314558506012,
-0.09573031216859818,
-0.061748653650283813,
-0.01163362804800272,
0.09310422092676163,
0.26894357800483704,
-0.051210008561611176,
0.030228372663259506,
0.05980304256081581,
-0.14202331006526947,
-0.13944685459136963,
0.008670749142765999,
0.01365507859736681,
-0.016145477071404457,
0.00816731620579958,
-0.2039627879858017,
0.06916861981153488,
0.10687079280614853,
-0.017680631950497627,
0.07453637570142746,
-0.19560351967811584,
-0.11833374202251434,
-0.01872057281434536,
0.0831572487950325,
0.010070782154798508,
-0.11409659683704376,
-0.07954220473766327,
-0.06799296289682388,
-0.16671274602413177,
0.16296081244945526,
0.014606988057494164,
0.1063372790813446,
-0.0006323721609078348,
0.005933375097811222,
0.06252417713403702,
-0.027072962373495102,
0.14425480365753174,
0.006610879674553871,
0.09487804770469666,
0.010634539648890495,
0.05559448525309563,
0.09891385585069656,
0.02974865585565567,
0.09721800684928894,
0.06876464933156967,
0.055525995790958405,
-0.15471555292606354,
-0.008057937026023865,
-0.07719564437866211,
0.05945448577404022,
-0.05516266077756882,
-0.06560840457677841,
-0.11839786916971207,
0.04390107840299606,
0.11454262584447861,
0.01035797968506813,
0.0162925086915493,
-0.07710953056812286,
0.07764996588230133,
0.1563045084476471,
0.17156821489334106,
0.08563918620347977,
-0.09925992041826248,
-0.012602086178958416,
0.004298186860978603,
0.060077451169490814,
-0.021990152075886726,
0.09000875800848007,
0.09240274876356125,
0.05642697215080261,
0.13255293667316437,
-0.01288689486682415,
-0.03245902061462402,
0.04436306655406952,
0.037534184753894806,
-0.07719762623310089,
-0.12518416345119476,
-0.017725694924592972,
0.08379468321800232,
-0.02527780830860138,
-0.11978698521852493,
0.16648906469345093,
-0.0315520316362381,
-0.034279461950063705,
-0.0021641848143190145,
0.05656147375702858,
0.08432229608297348,
0.15949390828609467,
-0.03514779359102249,
0.043038301169872284,
-0.10881877690553665,
0.04390296712517738,
0.11151257157325745,
-0.15654513239860535,
0.02784678526222706,
0.02597784996032715,
-0.06352842599153519,
-0.05207670107483864,
-0.0016856178408488631,
0.027335189282894135,
-0.04594884812831879,
0.0033865587320178747,
-0.020627763122320175,
-0.06104821711778641,
0.017152724787592888,
0.09163831174373627,
0.00975967850536108,
0.030152741819620132,
0.03455211967229843,
-0.045827120542526245,
-0.0938393846154213,
0.09461212158203125,
-0.030557332560420036,
0.0733746588230133,
-0.052704162895679474,
0.0702071338891983,
-0.02513239160180092,
-0.06215882673859596,
-0.020301571115851402,
0.01713877171278,
-0.08650372177362442,
-0.028233887627720833,
-0.15621934831142426,
0.15404972434043884,
-0.09794443100690842,
-0.011622590012848377,
0.0013691295171156526,
0.03375239297747612,
-0.06084240972995758,
0.006707258056849241,
-0.0943039208650589,
-0.052435774356126785,
-0.0009455093531869352,
0.07670879364013672,
-0.09475041925907135,
-0.00887641403824091,
0.04583822190761566,
-0.04251810163259506,
0.08718100935220718,
0.008068627677857876,
-0.06773713231086731,
-0.028952764347195625,
-0.13925398886203766,
-0.03645886480808258,
0.01236757542937994,
0.06659483909606934,
-0.014013485983014107,
-0.1658201366662979,
0.05635147541761398,
0.02813742309808731,
-0.05418571084737778,
-0.002896055579185486,
0.008444190956652164,
-0.1126655638217926,
-0.03481142967939377,
-0.06501835584640503,
0.022797439247369766,
-0.05111506208777428,
-0.006494060158729553,
0.09820684790611267,
-0.014100784435868263,
0.1137758269906044,
-0.05450364574790001,
0.06105303764343262,
-0.17114752531051636,
-0.02232568897306919,
-0.0005792573210783303,
-0.05939130112528801,
-0.08564560860395432,
0.011058670468628407,
0.060902658849954605,
-0.04611481726169586,
0.17662304639816284,
0.022135229781270027,
-0.004451647400856018,
0.013628200627863407,
0.019822638481855392,
-0.01985587738454342,
-0.011822792701423168,
0.13750429451465607,
0.04070708528161049,
-0.014666400849819183,
0.03671883046627045,
-0.006140217185020447,
0.0175657756626606,
0.07252082228660583,
0.10711567103862762,
0.1448010951280594,
0.061985891312360764,
-0.011802892200648785,
-0.04480632022023201,
-0.14178450405597687,
0.013606417924165726,
0.04684106633067131,
0.006966385059058666,
0.07200920581817627,
-0.040343645960092545,
-0.07089311629533768,
0.12405522912740707,
-0.16326682269573212,
0.16572657227516174,
-0.03733057156205177,
-0.02006814442574978,
-0.09163283556699753,
-0.1474047154188156,
-0.08967999368906021,
-0.017446845769882202,
-0.011232673190534115,
-0.206550732254982,
0.032978907227516174,
0.03221779316663742,
0.01229285728186369,
-0.00906591396778822,
0.07001014798879623,
-0.14040662348270416,
-0.12716278433799744,
0.058890584856271744,
0.010051032528281212,
0.04334462061524391,
-0.027230987325310707,
-0.008684581145644188,
0.12314743548631668,
-0.03791908547282219,
0.05393432080745697,
0.06063838303089142,
0.13839325308799744,
-0.023292256519198418,
-0.08118804544210434,
-0.061941418796777725,
-0.0010168601293116808,
-0.014521310105919838,
0.027940405532717705,
0.11745162308216095,
0.024639472365379333,
0.00826078187674284,
-0.009826109744608402,
0.15672099590301514,
-0.0020818475168198347,
-0.010246321558952332,
-0.10232795029878616,
0.13740673661231995,
-0.046875759959220886,
0.01051554549485445,
0.03386390954256058,
-0.08540115505456924,
0.06279580295085907,
0.1934269517660141,
0.05032426491379738,
0.005496337544173002,
-0.0009083643089979887,
-0.0007777325226925313,
-0.0006201050127856433,
0.0570690780878067,
0.06807006895542145,
-0.01159832812845707,
0.23007424175739288,
-0.04722977802157402,
0.0056315078400075436,
-0.0019477223977446556,
-0.00896835420280695,
-0.07603499293327332,
0.11790470033884048,
-0.006688685156404972,
-0.04202208295464516,
-0.05281733348965645,
0.054627224802970886,
-0.031064031645655632,
-0.0896858498454094,
0.01839311793446541,
-0.055024486035108566,
-0.07039766758680344,
-0.02549053356051445,
-0.048991840332746506,
0.05869000405073166,
-0.0031881907489150763,
-0.02952764742076397,
0.018231384456157684,
0.07927213609218597,
-0.02503872662782669,
-0.09191270917654037,
-0.05989748612046242,
0.013976427726447582,
-0.05142012983560562,
0.16134507954120636,
0.01738116517663002,
0.08234404772520065,
0.10048294067382812,
-0.057710498571395874,
-0.17943088710308075,
0.0825924426317215,
0.04184955358505249,
-0.06807111203670502,
0.09303618967533112,
0.27261340618133545,
0.0243524257093668,
0.1640184223651886,
0.0733243003487587,
0.008800698444247246,
0.034702010452747345,
0.17939433455467224,
0.017019659280776978,
-0.06425400823354721,
0.04030388966202736,
-0.12593504786491394,
0.10592525452375412,
0.15656568109989166,
-0.028979593887925148,
-0.008650753647089005,
-0.08231963217258453,
0.07530129700899124,
0.01747356355190277,
0.12371301651000977,
-0.045882448554039,
-0.18833911418914795,
0.02807234413921833,
-0.0019707235042005777,
0.06086820736527443,
-0.16596683859825134,
-0.041685834527015686,
0.013375002890825272,
-0.07080748677253723,
-0.07626009732484818,
0.09751027822494507,
0.05545317009091377,
0.013779097236692905,
-0.015952816233038902,
-0.14140626788139343,
-0.006492172367870808,
0.10972119867801666,
-0.06207235902547836,
-0.05653665214776993
] |
1cfc3af9dfd102776942d2a5224ff134db0af11f |
# Dataset Card for Evaluation run of Weyaxi/Helion-4x34B
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [Weyaxi/Helion-4x34B](https://huggingface.co/Weyaxi/Helion-4x34B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_Weyaxi__Helion-4x34B",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T13:23:45.843719](https://huggingface.co/datasets/open-llm-leaderboard/details_Weyaxi__Helion-4x34B/blob/main/results_2024-01-14T13-23-45.843719.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.7699592649917206,
"acc_stderr": 0.027825032662237632,
"acc_norm": 0.7733690955948024,
"acc_norm_stderr": 0.028359676428301124,
"mc1": 0.4724602203182375,
"mc1_stderr": 0.017476930190712187,
"mc2": 0.6391431988345577,
"mc2_stderr": 0.014739254450901405
},
"harness|arc:challenge|25": {
"acc": 0.6646757679180887,
"acc_stderr": 0.013796182947785562,
"acc_norm": 0.697098976109215,
"acc_norm_stderr": 0.013428241573185349
},
"harness|hellaswag|10": {
"acc": 0.6577375024895439,
"acc_stderr": 0.004734972668299616,
"acc_norm": 0.8528181637124079,
"acc_norm_stderr": 0.0035356302890914575
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.5,
"acc_stderr": 0.050251890762960605,
"acc_norm": 0.5,
"acc_norm_stderr": 0.050251890762960605
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.7333333333333333,
"acc_stderr": 0.038201699145179055,
"acc_norm": 0.7333333333333333,
"acc_norm_stderr": 0.038201699145179055
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.9078947368421053,
"acc_stderr": 0.02353268597044349,
"acc_norm": 0.9078947368421053,
"acc_norm_stderr": 0.02353268597044349
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.78,
"acc_stderr": 0.04163331998932261,
"acc_norm": 0.78,
"acc_norm_stderr": 0.04163331998932261
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.8150943396226416,
"acc_stderr": 0.023893351834464324,
"acc_norm": 0.8150943396226416,
"acc_norm_stderr": 0.023893351834464324
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.9027777777777778,
"acc_stderr": 0.02477451625044016,
"acc_norm": 0.9027777777777778,
"acc_norm_stderr": 0.02477451625044016
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.48,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.48,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.65,
"acc_stderr": 0.04793724854411019,
"acc_norm": 0.65,
"acc_norm_stderr": 0.04793724854411019
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.48,
"acc_stderr": 0.05021167315686779,
"acc_norm": 0.48,
"acc_norm_stderr": 0.05021167315686779
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.7456647398843931,
"acc_stderr": 0.0332055644308557,
"acc_norm": 0.7456647398843931,
"acc_norm_stderr": 0.0332055644308557
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.5686274509803921,
"acc_stderr": 0.04928099597287534,
"acc_norm": 0.5686274509803921,
"acc_norm_stderr": 0.04928099597287534
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.81,
"acc_stderr": 0.03942772444036624,
"acc_norm": 0.81,
"acc_norm_stderr": 0.03942772444036624
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.7914893617021277,
"acc_stderr": 0.02655698211783874,
"acc_norm": 0.7914893617021277,
"acc_norm_stderr": 0.02655698211783874
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.6052631578947368,
"acc_stderr": 0.045981880578165414,
"acc_norm": 0.6052631578947368,
"acc_norm_stderr": 0.045981880578165414
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.7862068965517242,
"acc_stderr": 0.034165204477475494,
"acc_norm": 0.7862068965517242,
"acc_norm_stderr": 0.034165204477475494
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.6904761904761905,
"acc_stderr": 0.023809523809523867,
"acc_norm": 0.6904761904761905,
"acc_norm_stderr": 0.023809523809523867
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.5714285714285714,
"acc_stderr": 0.04426266681379909,
"acc_norm": 0.5714285714285714,
"acc_norm_stderr": 0.04426266681379909
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.54,
"acc_stderr": 0.05009082659620332,
"acc_norm": 0.54,
"acc_norm_stderr": 0.05009082659620332
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.9,
"acc_stderr": 0.017066403719657255,
"acc_norm": 0.9,
"acc_norm_stderr": 0.017066403719657255
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.6354679802955665,
"acc_stderr": 0.0338640574606209,
"acc_norm": 0.6354679802955665,
"acc_norm_stderr": 0.0338640574606209
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.79,
"acc_stderr": 0.040936018074033256,
"acc_norm": 0.79,
"acc_norm_stderr": 0.040936018074033256
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.8727272727272727,
"acc_stderr": 0.02602465765165619,
"acc_norm": 0.8727272727272727,
"acc_norm_stderr": 0.02602465765165619
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.9292929292929293,
"acc_stderr": 0.01826310542019949,
"acc_norm": 0.9292929292929293,
"acc_norm_stderr": 0.01826310542019949
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9689119170984456,
"acc_stderr": 0.012525310625527033,
"acc_norm": 0.9689119170984456,
"acc_norm_stderr": 0.012525310625527033
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.823076923076923,
"acc_stderr": 0.019348070174396985,
"acc_norm": 0.823076923076923,
"acc_norm_stderr": 0.019348070174396985
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.4444444444444444,
"acc_stderr": 0.03029677128606732,
"acc_norm": 0.4444444444444444,
"acc_norm_stderr": 0.03029677128606732
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.8739495798319328,
"acc_stderr": 0.02155962312121393,
"acc_norm": 0.8739495798319328,
"acc_norm_stderr": 0.02155962312121393
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.5033112582781457,
"acc_stderr": 0.04082393379449654,
"acc_norm": 0.5033112582781457,
"acc_norm_stderr": 0.04082393379449654
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.9137614678899083,
"acc_stderr": 0.012035597300116248,
"acc_norm": 0.9137614678899083,
"acc_norm_stderr": 0.012035597300116248
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.6574074074074074,
"acc_stderr": 0.032365852526021574,
"acc_norm": 0.6574074074074074,
"acc_norm_stderr": 0.032365852526021574
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.9313725490196079,
"acc_stderr": 0.017744453647073322,
"acc_norm": 0.9313725490196079,
"acc_norm_stderr": 0.017744453647073322
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.9071729957805907,
"acc_stderr": 0.018889750550956715,
"acc_norm": 0.9071729957805907,
"acc_norm_stderr": 0.018889750550956715
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7892376681614349,
"acc_stderr": 0.02737309550054019,
"acc_norm": 0.7892376681614349,
"acc_norm_stderr": 0.02737309550054019
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.8854961832061069,
"acc_stderr": 0.027927473753597446,
"acc_norm": 0.8854961832061069,
"acc_norm_stderr": 0.027927473753597446
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.9008264462809917,
"acc_stderr": 0.027285246312758957,
"acc_norm": 0.9008264462809917,
"acc_norm_stderr": 0.027285246312758957
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.8888888888888888,
"acc_stderr": 0.03038159675665167,
"acc_norm": 0.8888888888888888,
"acc_norm_stderr": 0.03038159675665167
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.8773006134969326,
"acc_stderr": 0.025777328426978927,
"acc_norm": 0.8773006134969326,
"acc_norm_stderr": 0.025777328426978927
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.625,
"acc_stderr": 0.04595091388086298,
"acc_norm": 0.625,
"acc_norm_stderr": 0.04595091388086298
},
"harness|hendrycksTest-management|5": {
"acc": 0.9320388349514563,
"acc_stderr": 0.024919959142514478,
"acc_norm": 0.9320388349514563,
"acc_norm_stderr": 0.024919959142514478
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.9316239316239316,
"acc_stderr": 0.016534627684311357,
"acc_norm": 0.9316239316239316,
"acc_norm_stderr": 0.016534627684311357
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.89,
"acc_stderr": 0.03144660377352202,
"acc_norm": 0.89,
"acc_norm_stderr": 0.03144660377352202
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.9054916985951469,
"acc_stderr": 0.01046101533819307,
"acc_norm": 0.9054916985951469,
"acc_norm_stderr": 0.01046101533819307
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.8410404624277457,
"acc_stderr": 0.01968530703357195,
"acc_norm": 0.8410404624277457,
"acc_norm_stderr": 0.01968530703357195
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.7720670391061453,
"acc_stderr": 0.014030149950805097,
"acc_norm": 0.7720670391061453,
"acc_norm_stderr": 0.014030149950805097
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.8594771241830066,
"acc_stderr": 0.019899435463539932,
"acc_norm": 0.8594771241830066,
"acc_norm_stderr": 0.019899435463539932
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.8456591639871383,
"acc_stderr": 0.020519050342084722,
"acc_norm": 0.8456591639871383,
"acc_norm_stderr": 0.020519050342084722
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.8796296296296297,
"acc_stderr": 0.01810541409432967,
"acc_norm": 0.8796296296296297,
"acc_norm_stderr": 0.01810541409432967
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.6382978723404256,
"acc_stderr": 0.028663820147199485,
"acc_norm": 0.6382978723404256,
"acc_norm_stderr": 0.028663820147199485
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.621903520208605,
"acc_stderr": 0.012384878406798095,
"acc_norm": 0.621903520208605,
"acc_norm_stderr": 0.012384878406798095
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.8455882352941176,
"acc_stderr": 0.021950024722922026,
"acc_norm": 0.8455882352941176,
"acc_norm_stderr": 0.021950024722922026
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.8169934640522876,
"acc_stderr": 0.015643069911273344,
"acc_norm": 0.8169934640522876,
"acc_norm_stderr": 0.015643069911273344
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.7090909090909091,
"acc_stderr": 0.04350271442923243,
"acc_norm": 0.7090909090909091,
"acc_norm_stderr": 0.04350271442923243
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.8448979591836735,
"acc_stderr": 0.0231747988612186,
"acc_norm": 0.8448979591836735,
"acc_norm_stderr": 0.0231747988612186
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8955223880597015,
"acc_stderr": 0.021628920516700643,
"acc_norm": 0.8955223880597015,
"acc_norm_stderr": 0.021628920516700643
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.93,
"acc_stderr": 0.025643239997624294,
"acc_norm": 0.93,
"acc_norm_stderr": 0.025643239997624294
},
"harness|hendrycksTest-virology|5": {
"acc": 0.572289156626506,
"acc_stderr": 0.038515976837185335,
"acc_norm": 0.572289156626506,
"acc_norm_stderr": 0.038515976837185335
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8713450292397661,
"acc_stderr": 0.025679342723276908,
"acc_norm": 0.8713450292397661,
"acc_norm_stderr": 0.025679342723276908
},
"harness|truthfulqa:mc|0": {
"mc1": 0.4724602203182375,
"mc1_stderr": 0.017476930190712187,
"mc2": 0.6391431988345577,
"mc2_stderr": 0.014739254450901405
},
"harness|winogrande|5": {
"acc": 0.8437253354380426,
"acc_stderr": 0.010205351791873504
},
"harness|gsm8k|5": {
"acc": 0.7225170583775588,
"acc_stderr": 0.012333447581047546
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_Weyaxi__Helion-4x34B | [
"region:us"
] | 2024-01-14T13:25:54+00:00 | {"pretty_name": "Evaluation run of Weyaxi/Helion-4x34B", "dataset_summary": "Dataset automatically created during the evaluation run of model [Weyaxi/Helion-4x34B](https://huggingface.co/Weyaxi/Helion-4x34B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_Weyaxi__Helion-4x34B\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T13:23:45.843719](https://huggingface.co/datasets/open-llm-leaderboard/details_Weyaxi__Helion-4x34B/blob/main/results_2024-01-14T13-23-45.843719.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.7699592649917206,\n \"acc_stderr\": 0.027825032662237632,\n \"acc_norm\": 0.7733690955948024,\n \"acc_norm_stderr\": 0.028359676428301124,\n \"mc1\": 0.4724602203182375,\n \"mc1_stderr\": 0.017476930190712187,\n \"mc2\": 0.6391431988345577,\n \"mc2_stderr\": 0.014739254450901405\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6646757679180887,\n \"acc_stderr\": 0.013796182947785562,\n \"acc_norm\": 0.697098976109215,\n \"acc_norm_stderr\": 0.013428241573185349\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6577375024895439,\n \"acc_stderr\": 0.004734972668299616,\n \"acc_norm\": 0.8528181637124079,\n \"acc_norm_stderr\": 0.0035356302890914575\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.050251890762960605,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.050251890762960605\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.7333333333333333,\n \"acc_stderr\": 0.038201699145179055,\n \"acc_norm\": 0.7333333333333333,\n \"acc_norm_stderr\": 0.038201699145179055\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.9078947368421053,\n \"acc_stderr\": 0.02353268597044349,\n \"acc_norm\": 0.9078947368421053,\n \"acc_norm_stderr\": 0.02353268597044349\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.78,\n \"acc_stderr\": 0.04163331998932261,\n \"acc_norm\": 0.78,\n \"acc_norm_stderr\": 0.04163331998932261\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.8150943396226416,\n \"acc_stderr\": 0.023893351834464324,\n \"acc_norm\": 0.8150943396226416,\n \"acc_norm_stderr\": 0.023893351834464324\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.9027777777777778,\n \"acc_stderr\": 0.02477451625044016,\n \"acc_norm\": 0.9027777777777778,\n \"acc_norm_stderr\": 0.02477451625044016\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.48,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.48,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.65,\n \"acc_stderr\": 0.04793724854411019,\n \"acc_norm\": 0.65,\n \"acc_norm_stderr\": 0.04793724854411019\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.48,\n \"acc_stderr\": 0.05021167315686779,\n \"acc_norm\": 0.48,\n \"acc_norm_stderr\": 0.05021167315686779\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.7456647398843931,\n \"acc_stderr\": 0.0332055644308557,\n \"acc_norm\": 0.7456647398843931,\n \"acc_norm_stderr\": 0.0332055644308557\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.5686274509803921,\n \"acc_stderr\": 0.04928099597287534,\n \"acc_norm\": 0.5686274509803921,\n \"acc_norm_stderr\": 0.04928099597287534\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.81,\n \"acc_stderr\": 0.03942772444036624,\n \"acc_norm\": 0.81,\n \"acc_norm_stderr\": 0.03942772444036624\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.7914893617021277,\n \"acc_stderr\": 0.02655698211783874,\n \"acc_norm\": 0.7914893617021277,\n \"acc_norm_stderr\": 0.02655698211783874\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.6052631578947368,\n \"acc_stderr\": 0.045981880578165414,\n \"acc_norm\": 0.6052631578947368,\n \"acc_norm_stderr\": 0.045981880578165414\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.7862068965517242,\n \"acc_stderr\": 0.034165204477475494,\n \"acc_norm\": 0.7862068965517242,\n \"acc_norm_stderr\": 0.034165204477475494\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.6904761904761905,\n \"acc_stderr\": 0.023809523809523867,\n \"acc_norm\": 0.6904761904761905,\n \"acc_norm_stderr\": 0.023809523809523867\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.5714285714285714,\n \"acc_stderr\": 0.04426266681379909,\n \"acc_norm\": 0.5714285714285714,\n \"acc_norm_stderr\": 0.04426266681379909\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.54,\n \"acc_stderr\": 0.05009082659620332,\n \"acc_norm\": 0.54,\n \"acc_norm_stderr\": 0.05009082659620332\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.9,\n \"acc_stderr\": 0.017066403719657255,\n \"acc_norm\": 0.9,\n \"acc_norm_stderr\": 0.017066403719657255\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.6354679802955665,\n \"acc_stderr\": 0.0338640574606209,\n \"acc_norm\": 0.6354679802955665,\n \"acc_norm_stderr\": 0.0338640574606209\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.79,\n \"acc_stderr\": 0.040936018074033256,\n \"acc_norm\": 0.79,\n \"acc_norm_stderr\": 0.040936018074033256\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.8727272727272727,\n \"acc_stderr\": 0.02602465765165619,\n \"acc_norm\": 0.8727272727272727,\n \"acc_norm_stderr\": 0.02602465765165619\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.9292929292929293,\n \"acc_stderr\": 0.01826310542019949,\n \"acc_norm\": 0.9292929292929293,\n \"acc_norm_stderr\": 0.01826310542019949\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9689119170984456,\n \"acc_stderr\": 0.012525310625527033,\n \"acc_norm\": 0.9689119170984456,\n \"acc_norm_stderr\": 0.012525310625527033\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.823076923076923,\n \"acc_stderr\": 0.019348070174396985,\n \"acc_norm\": 0.823076923076923,\n \"acc_norm_stderr\": 0.019348070174396985\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.4444444444444444,\n \"acc_stderr\": 0.03029677128606732,\n \"acc_norm\": 0.4444444444444444,\n \"acc_norm_stderr\": 0.03029677128606732\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.8739495798319328,\n \"acc_stderr\": 0.02155962312121393,\n \"acc_norm\": 0.8739495798319328,\n \"acc_norm_stderr\": 0.02155962312121393\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.5033112582781457,\n \"acc_stderr\": 0.04082393379449654,\n \"acc_norm\": 0.5033112582781457,\n \"acc_norm_stderr\": 0.04082393379449654\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.9137614678899083,\n \"acc_stderr\": 0.012035597300116248,\n \"acc_norm\": 0.9137614678899083,\n \"acc_norm_stderr\": 0.012035597300116248\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.6574074074074074,\n \"acc_stderr\": 0.032365852526021574,\n \"acc_norm\": 0.6574074074074074,\n \"acc_norm_stderr\": 0.032365852526021574\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.9313725490196079,\n \"acc_stderr\": 0.017744453647073322,\n \"acc_norm\": 0.9313725490196079,\n \"acc_norm_stderr\": 0.017744453647073322\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.9071729957805907,\n \"acc_stderr\": 0.018889750550956715,\n \"acc_norm\": 0.9071729957805907,\n \"acc_norm_stderr\": 0.018889750550956715\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7892376681614349,\n \"acc_stderr\": 0.02737309550054019,\n \"acc_norm\": 0.7892376681614349,\n \"acc_norm_stderr\": 0.02737309550054019\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.8854961832061069,\n \"acc_stderr\": 0.027927473753597446,\n \"acc_norm\": 0.8854961832061069,\n \"acc_norm_stderr\": 0.027927473753597446\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.9008264462809917,\n \"acc_stderr\": 0.027285246312758957,\n \"acc_norm\": 0.9008264462809917,\n \"acc_norm_stderr\": 0.027285246312758957\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.8888888888888888,\n \"acc_stderr\": 0.03038159675665167,\n \"acc_norm\": 0.8888888888888888,\n \"acc_norm_stderr\": 0.03038159675665167\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.8773006134969326,\n \"acc_stderr\": 0.025777328426978927,\n \"acc_norm\": 0.8773006134969326,\n \"acc_norm_stderr\": 0.025777328426978927\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.625,\n \"acc_stderr\": 0.04595091388086298,\n \"acc_norm\": 0.625,\n \"acc_norm_stderr\": 0.04595091388086298\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.9320388349514563,\n \"acc_stderr\": 0.024919959142514478,\n \"acc_norm\": 0.9320388349514563,\n \"acc_norm_stderr\": 0.024919959142514478\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.9316239316239316,\n \"acc_stderr\": 0.016534627684311357,\n \"acc_norm\": 0.9316239316239316,\n \"acc_norm_stderr\": 0.016534627684311357\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.89,\n \"acc_stderr\": 0.03144660377352202,\n \"acc_norm\": 0.89,\n \"acc_norm_stderr\": 0.03144660377352202\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.9054916985951469,\n \"acc_stderr\": 0.01046101533819307,\n \"acc_norm\": 0.9054916985951469,\n \"acc_norm_stderr\": 0.01046101533819307\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.8410404624277457,\n \"acc_stderr\": 0.01968530703357195,\n \"acc_norm\": 0.8410404624277457,\n \"acc_norm_stderr\": 0.01968530703357195\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.7720670391061453,\n \"acc_stderr\": 0.014030149950805097,\n \"acc_norm\": 0.7720670391061453,\n \"acc_norm_stderr\": 0.014030149950805097\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.8594771241830066,\n \"acc_stderr\": 0.019899435463539932,\n \"acc_norm\": 0.8594771241830066,\n \"acc_norm_stderr\": 0.019899435463539932\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.8456591639871383,\n \"acc_stderr\": 0.020519050342084722,\n \"acc_norm\": 0.8456591639871383,\n \"acc_norm_stderr\": 0.020519050342084722\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.8796296296296297,\n \"acc_stderr\": 0.01810541409432967,\n \"acc_norm\": 0.8796296296296297,\n \"acc_norm_stderr\": 0.01810541409432967\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.6382978723404256,\n \"acc_stderr\": 0.028663820147199485,\n \"acc_norm\": 0.6382978723404256,\n \"acc_norm_stderr\": 0.028663820147199485\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.621903520208605,\n \"acc_stderr\": 0.012384878406798095,\n \"acc_norm\": 0.621903520208605,\n \"acc_norm_stderr\": 0.012384878406798095\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.8455882352941176,\n \"acc_stderr\": 0.021950024722922026,\n \"acc_norm\": 0.8455882352941176,\n \"acc_norm_stderr\": 0.021950024722922026\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.8169934640522876,\n \"acc_stderr\": 0.015643069911273344,\n \"acc_norm\": 0.8169934640522876,\n \"acc_norm_stderr\": 0.015643069911273344\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.7090909090909091,\n \"acc_stderr\": 0.04350271442923243,\n \"acc_norm\": 0.7090909090909091,\n \"acc_norm_stderr\": 0.04350271442923243\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.8448979591836735,\n \"acc_stderr\": 0.0231747988612186,\n \"acc_norm\": 0.8448979591836735,\n \"acc_norm_stderr\": 0.0231747988612186\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8955223880597015,\n \"acc_stderr\": 0.021628920516700643,\n \"acc_norm\": 0.8955223880597015,\n \"acc_norm_stderr\": 0.021628920516700643\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.93,\n \"acc_stderr\": 0.025643239997624294,\n \"acc_norm\": 0.93,\n \"acc_norm_stderr\": 0.025643239997624294\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.572289156626506,\n \"acc_stderr\": 0.038515976837185335,\n \"acc_norm\": 0.572289156626506,\n \"acc_norm_stderr\": 0.038515976837185335\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8713450292397661,\n \"acc_stderr\": 0.025679342723276908,\n \"acc_norm\": 0.8713450292397661,\n \"acc_norm_stderr\": 0.025679342723276908\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.4724602203182375,\n \"mc1_stderr\": 0.017476930190712187,\n \"mc2\": 0.6391431988345577,\n \"mc2_stderr\": 0.014739254450901405\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8437253354380426,\n \"acc_stderr\": 0.010205351791873504\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.7225170583775588,\n \"acc_stderr\": 0.012333447581047546\n }\n}\n```", "repo_url": "https://huggingface.co/Weyaxi/Helion-4x34B", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-23-45.843719.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["**/details_harness|winogrande|5_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T13-23-45.843719.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T13_23_45.843719", "path": ["results_2024-01-14T13-23-45.843719.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T13-23-45.843719.parquet"]}]}]} | 2024-01-14T13:26:14+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of Weyaxi/Helion-4x34B
Dataset automatically created during the evaluation run of model Weyaxi/Helion-4x34B on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T13:23:45.843719(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of Weyaxi/Helion-4x34B\n\n\n\nDataset automatically created during the evaluation run of model Weyaxi/Helion-4x34B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T13:23:45.843719(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of Weyaxi/Helion-4x34B\n\n\n\nDataset automatically created during the evaluation run of model Weyaxi/Helion-4x34B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T13:23:45.843719(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
181,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of Weyaxi/Helion-4x34B\n\n\n\nDataset automatically created during the evaluation run of model Weyaxi/Helion-4x34B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T13:23:45.843719(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.039607707411050797,
0.20641641318798065,
-0.00572922034189105,
0.03946174681186676,
0.07752703130245209,
-0.016621166840195656,
0.05003397539258003,
0.11722362786531448,
0.02653392031788826,
0.1816142350435257,
-0.02186284400522709,
0.09652899950742722,
0.08635464310646057,
0.0995415672659874,
0.030746690928936005,
-0.1463959664106369,
0.027667999267578125,
-0.10382936149835587,
0.11525461077690125,
0.06436026841402054,
0.05765242874622345,
-0.08078572899103165,
0.07213381677865982,
-0.02502010203897953,
0.047799453139305115,
-0.008011551573872566,
-0.07224753499031067,
-0.019938204437494278,
0.108355812728405,
0.1017710492014885,
0.04005972295999527,
-0.021156908944249153,
0.025996409356594086,
-0.2712797522544861,
0.01643599569797516,
0.1005895808339119,
-0.0038827427197247744,
0.0408443920314312,
0.15173964202404022,
-0.09355692565441132,
0.08831234276294708,
-0.03370151296257973,
0.06282218545675278,
0.050857000052928925,
-0.11319118738174438,
-0.15673156082630157,
-0.16489523649215698,
0.005845689680427313,
0.057468920946121216,
0.036320414394140244,
-0.023664431646466255,
0.13233333826065063,
-0.05155152454972267,
0.04832014441490173,
0.14382006227970123,
-0.1491052359342575,
-0.017745349556207657,
0.04249716177582741,
0.021633369848132133,
0.0970626175403595,
-0.07991991192102432,
-0.024596059694886208,
0.035885829478502274,
0.054199740290641785,
-0.014529863372445107,
0.02036777324974537,
0.008831980638206005,
0.01920221745967865,
-0.150642991065979,
-0.12367573380470276,
0.1194688007235527,
-0.0013060116907581687,
-0.04893366992473602,
-0.16673941910266876,
-0.02295445278286934,
0.012133530341088772,
0.0047201127745211124,
0.027019018307328224,
-0.003482487751170993,
-0.013716474175453186,
0.09463406354188919,
-0.011071529239416122,
-0.1011134535074234,
-0.028168346732854843,
-0.006456678733229637,
0.05189227685332298,
0.03298076242208481,
0.00819322932511568,
0.007703527808189392,
0.12096647918224335,
0.02752027101814747,
-0.046346522867679596,
-0.07136347889900208,
-0.06301712989807129,
-0.1022532731294632,
-0.03571002557873726,
0.013013933785259724,
-0.07314757257699966,
0.048542264848947525,
0.2234857976436615,
-0.025844894349575043,
0.023471659049391747,
-0.10748928785324097,
0.02127203345298767,
0.12473384290933609,
0.06955845654010773,
-0.08471396565437317,
-0.06443797796964645,
-0.04451668635010719,
0.027956686913967133,
0.027585875242948532,
-0.014975865371525288,
0.009235345758497715,
0.07512947916984558,
0.0057151163928210735,
0.12889784574508667,
0.11766955256462097,
0.02826736681163311,
-0.07249902933835983,
-0.019527826458215714,
0.20213203132152557,
-0.15362012386322021,
-0.002072212751954794,
0.03047214448451996,
-0.033426955342292786,
-0.0879981517791748,
0.056206315755844116,
-0.017144884914159775,
-0.0646820068359375,
0.11669478565454483,
-0.041721411049366,
-0.0744880884885788,
-0.09795740246772766,
-0.08504953235387802,
0.0380936861038208,
-0.006557599175721407,
-0.05956276133656502,
-0.06691475212574005,
-0.11069942265748978,
-0.08383993059396744,
0.03240641579031944,
-0.07675888389348984,
-0.002343858126550913,
0.011351075023412704,
0.012311208061873913,
-0.013600049540400505,
-0.012939650565385818,
0.10812540352344513,
-0.07079288363456726,
0.034887682646512985,
-0.03880991041660309,
0.034766629338264465,
0.09967344254255295,
0.033089347183704376,
-0.1061810776591301,
0.08250238746404648,
-0.10350148379802704,
0.09609437733888626,
-0.12062186747789383,
-0.020627273246645927,
-0.11731312423944473,
0.0049003553576767445,
-0.021268656477332115,
0.04113318398594856,
-0.025957202538847923,
0.08571462333202362,
-0.20465339720249176,
-0.006450570188462734,
0.19877882301807404,
-0.12350534647703171,
-0.0666595920920372,
0.1014120951294899,
-0.03551274910569191,
0.04839149862527847,
0.0420365072786808,
0.09539157152175903,
0.1073250025510788,
-0.0864708423614502,
-0.09366749227046967,
-0.03992484137415886,
-0.03577427938580513,
0.1506812572479248,
0.06775549054145813,
-0.10513672232627869,
0.09241969138383865,
0.0322180911898613,
0.010454562492668629,
-0.05812013894319534,
-0.011892092414200306,
-0.06173278018832207,
-0.004476540256291628,
-0.05439719185233116,
-0.06612471491098404,
-0.01769612915813923,
-0.07560859620571136,
-0.021172083914279938,
-0.0621529221534729,
-0.012491137720644474,
0.10699334740638733,
-0.030273349955677986,
0.02167188562452793,
-0.08263792842626572,
0.05938420072197914,
0.0006850655190646648,
0.01706615649163723,
-0.21063239872455597,
-0.06758509576320648,
0.036475177854299545,
-0.19870679080486298,
0.04152187332510948,
0.028380146250128746,
0.024702012538909912,
0.06117968633770943,
-0.00028866363572888076,
0.02253805287182331,
0.03909802436828613,
-0.01028030551970005,
-0.012783332727849483,
-0.1590493619441986,
-0.052078064531087875,
-0.09070299565792084,
0.074202761054039,
-0.12335628271102905,
-0.02050013095140457,
0.06655394285917282,
0.14058637619018555,
0.025880172848701477,
-0.07376658171415329,
0.04920694977045059,
0.019768711179494858,
-0.04019770398736,
-0.055848632007837296,
0.0016784651670604944,
-0.022205889225006104,
0.03904638811945915,
0.06644487380981445,
-0.1726742684841156,
-0.11368270963430405,
0.07485955953598022,
0.13204215466976166,
-0.05647767707705498,
-0.07610243558883667,
-0.06678435951471329,
-0.06010865792632103,
-0.08571626991033554,
-0.07387382537126541,
0.07141777127981186,
0.09863879531621933,
0.05029702186584473,
-0.07068298012018204,
-0.04714573919773102,
-0.0007130152662284672,
0.04084217920899391,
-0.06452322751283646,
0.11374133825302124,
0.07775561511516571,
-0.08539998531341553,
0.10988938063383102,
-0.03811519593000412,
0.09849326312541962,
0.10247611254453659,
0.014560507610440254,
-0.11620183289051056,
0.01150278840214014,
0.06608571112155914,
0.048029277473688126,
0.07483399659395218,
-0.02492038533091545,
0.02717939205467701,
0.08541805297136307,
-0.011478179134428501,
0.04564710333943367,
-0.0773060992360115,
0.036020442843437195,
0.026437556371092796,
-0.0019081776263192296,
0.02160372957587242,
0.0012782072881236672,
0.023641526699066162,
0.09458258748054504,
0.020280078053474426,
0.07672994583845139,
-0.036201853305101395,
-0.0573158860206604,
-0.10100698471069336,
0.14177149534225464,
-0.08927561342716217,
-0.2398533970117569,
-0.17374755442142487,
-0.05333508923649788,
-0.02611600048840046,
-0.010603252798318863,
0.05580439418554306,
-0.003315928392112255,
-0.10936025530099869,
-0.11830489337444305,
0.04942518472671509,
0.043784528970718384,
-0.13248638808727264,
-0.04957614839076996,
0.03512665629386902,
-0.013800659216940403,
-0.17270712554454803,
0.035458266735076904,
0.04729628190398216,
-0.06662605702877045,
0.02129460498690605,
0.06354576349258423,
0.10432231426239014,
0.09319721907377243,
0.08252248913049698,
-0.021576810628175735,
-0.016498373821377754,
0.15619318187236786,
-0.10736154019832611,
0.02815602719783783,
0.08954038470983505,
-0.041051916778087616,
0.08062934130430222,
0.13524876534938812,
0.013718383386731148,
-0.07767629623413086,
0.0500476211309433,
0.10202740877866745,
-0.05356079339981079,
-0.25711554288864136,
-0.10582711547613144,
-0.027655865997076035,
0.05021684244275093,
0.09982316195964813,
0.06739374995231628,
0.00020039222727064043,
0.0049356939271092415,
-0.12103364616632462,
-0.0331789031624794,
-0.040598612278699875,
0.064491406083107,
0.021982597187161446,
-0.01856687292456627,
0.03869584947824478,
-0.05613432452082634,
0.016675323247909546,
0.13405440747737885,
0.04423331469297409,
0.16258534789085388,
-0.02994963712990284,
0.1918972283601761,
0.09428660571575165,
0.07524992525577545,
-0.030076254159212112,
0.05811094120144844,
-0.0245219673961401,
0.07136984914541245,
-0.026303306221961975,
-0.10304635763168335,
-0.036543454974889755,
0.10182765871286392,
0.050523094832897186,
-0.06625182181596756,
0.053892649710178375,
-0.07725206762552261,
0.05709623917937279,
0.2488582283258438,
-0.010740204714238644,
-0.11756449192762375,
-0.03986894711852074,
0.06264001876115799,
-0.04628565162420273,
-0.09112317860126495,
0.0020172037184238434,
0.09887636452913284,
-0.15213719010353088,
0.0023797862231731415,
-0.04324920475482941,
0.07355905324220657,
-0.13723766803741455,
-0.02161169983446598,
-0.02708493173122406,
0.04545360431075096,
-0.01977434568107128,
0.10973051190376282,
-0.13953711092472076,
0.08981575071811676,
-0.007174137979745865,
0.01658007502555847,
-0.08368761092424393,
0.05878153815865517,
-0.012793638743460178,
-0.06598763912916183,
0.13247650861740112,
-0.0007096973131410778,
-0.09404022991657257,
-0.05324212834239006,
-0.11958860605955124,
-0.014765714295208454,
0.05536988377571106,
-0.10362622141838074,
0.11386749148368835,
0.017750799655914307,
-0.02725091576576233,
-0.04652872309088707,
-0.023045217618346214,
-0.07993490993976593,
-0.23540832102298737,
0.09517505019903183,
-0.1479434221982956,
0.04209329932928085,
-0.0626167505979538,
-0.043820783495903015,
-0.056414201855659485,
0.12342706322669983,
-0.11994106322526932,
-0.06759259104728699,
-0.09989678114652634,
-0.03476429730653763,
0.1637156456708908,
-0.051268234848976135,
0.05329781770706177,
-0.035748742520809174,
0.16300512850284576,
-0.03746390715241432,
-0.053553156554698944,
-0.001112152705900371,
-0.08673571795225143,
-0.1855628788471222,
-0.05193023011088371,
0.11269844323396683,
0.06338071078062057,
0.01650148257613182,
-0.016856268048286438,
0.0212271548807621,
0.008273539133369923,
-0.09998561441898346,
0.044078607112169266,
0.12811227142810822,
0.1323920488357544,
0.056626103818416595,
-0.02741852030158043,
-0.10612429678440094,
-0.10834623873233795,
-0.10801785439252853,
0.051672402769327164,
0.17914342880249023,
-0.05983544886112213,
0.1519637256860733,
0.1501506119966507,
-0.10558420419692993,
-0.19942674040794373,
-0.08575685322284698,
-0.00562026584520936,
-0.02291754074394703,
0.10690660774707794,
-0.20558829605579376,
0.03827325254678726,
0.07713557034730911,
-0.029767008498311043,
0.11685221642255783,
-0.2728584408760071,
-0.13152466714382172,
0.04893268644809723,
0.04434557631611824,
-0.1905299872159958,
-0.17057514190673828,
-0.10183171927928925,
-0.015044189058244228,
-0.13110090792179108,
0.12160112708806992,
-0.011678329668939114,
0.032398562878370285,
-0.024037418887019157,
0.07150694727897644,
0.04672655463218689,
-0.07002811133861542,
0.1259966343641281,
-0.02965056709945202,
0.036328643560409546,
-0.09113890677690506,
-0.023992886766791344,
-0.03803014010190964,
-0.041688065975904465,
0.08053842186927795,
0.009161567315459251,
0.044393397867679596,
-0.0955776572227478,
-0.023749327287077904,
-0.05961473286151886,
0.02905271016061306,
-0.06197907030582428,
-0.05197395011782646,
-0.07136847078800201,
0.08879762142896652,
0.07520353049039841,
0.0011859025107696652,
0.04011748731136322,
-0.04579698666930199,
0.028552120551466942,
0.20696258544921875,
0.0870482474565506,
0.05490408092737198,
-0.09304981678724289,
-0.048177409917116165,
-0.016113318502902985,
0.010198532603681087,
-0.09232769161462784,
0.04320564121007919,
0.08027920126914978,
0.03651360049843788,
0.10666130483150482,
-0.02153562754392624,
-0.2010871022939682,
0.001944919815286994,
0.08148829638957977,
-0.11101247370243073,
-0.2014075666666031,
0.042608413845300674,
0.10623729974031448,
-0.12101022154092789,
-0.07571189105510712,
0.07999974489212036,
0.025972580537199974,
-0.03422290459275246,
-0.0075907898135483265,
0.08403079211711884,
0.04095476493239403,
0.0855691134929657,
0.004740386735647917,
0.04324740916490555,
-0.06906399875879288,
0.10350894182920456,
0.14553748071193695,
-0.1178271472454071,
0.009221501648426056,
0.056335948407649994,
-0.04089510440826416,
-0.06901654601097107,
-0.010078967548906803,
0.042116664350032806,
0.014770020730793476,
-0.044612061232328415,
0.018530579283833504,
-0.04319481551647186,
0.06048962101340294,
0.15454985201358795,
-0.010769800283014774,
0.06607724726200104,
0.025071721524000168,
0.0028854263946413994,
-0.05648239701986313,
0.10697533190250397,
0.023255517706274986,
0.03888605907559395,
-0.022846762090921402,
0.020254192873835564,
0.009199935011565685,
-0.0327114462852478,
0.021219678223133087,
-0.05528578907251358,
-0.08036196231842041,
0.0052674515172839165,
-0.18745648860931396,
0.05768619477748871,
-0.07851135730743408,
-0.0003937124856747687,
0.007303714286535978,
-0.00022415074636228383,
0.011008098721504211,
0.0005907464656047523,
-0.0736614242196083,
-0.04034843295812607,
-0.04043683782219887,
0.1359303593635559,
-0.1993558555841446,
-0.0008877569925971329,
0.08575324714183807,
-0.07690703868865967,
0.06580562144517899,
0.004897987004369497,
-0.00817896705120802,
0.01953870803117752,
-0.09520496428012848,
-0.00750993425026536,
-0.03043786995112896,
0.061613988131284714,
0.017190057784318924,
-0.12944848835468292,
-0.017533564940094948,
-0.006013051141053438,
-0.0821748897433281,
-0.008404363878071308,
0.02590290457010269,
-0.1446925699710846,
0.09603027254343033,
0.09134173393249512,
-0.04543990269303322,
-0.044836632907390594,
0.03951798379421234,
0.0399152934551239,
0.0014208739157766104,
0.09369304776191711,
-0.027500968426465988,
0.02743387408554554,
-0.14502719044685364,
-0.03250603750348091,
0.009682400152087212,
0.009662501513957977,
0.042365312576293945,
0.012514092959463596,
0.02076549082994461,
-0.003386592725291848,
0.2384534627199173,
-0.006614403799176216,
0.008280033245682716,
0.01596941240131855,
-0.025554999709129333,
-0.041503988206386566,
0.03641696646809578,
-0.014794346876442432,
-0.006542090326547623,
0.022345777601003647,
-0.009944919496774673,
-0.03575378656387329,
-0.060343023389577866,
-0.008830909617245197,
0.08758135885000229,
0.13747768104076385,
0.18625636398792267,
-0.029140638187527657,
0.05947263911366463,
-0.1654178500175476,
-0.04907281696796417,
-0.00893788505345583,
-0.04259202256798744,
0.053098633885383606,
-0.07164423912763596,
0.0666852816939354,
0.10089046508073807,
-0.10803265124559402,
0.14913372695446014,
-0.05689961835741997,
-0.018069030717015266,
-0.04282384365797043,
-0.16189004480838776,
-0.0312028881162405,
0.03168288618326187,
0.0008253848063759506,
-0.09054291993379593,
0.12247408926486969,
0.12786561250686646,
0.005765915382653475,
-0.009477315470576286,
0.06991676241159439,
-0.06983645260334015,
-0.05115014314651489,
-0.02967236191034317,
0.010564474388957024,
0.025227779522538185,
0.005707151256501675,
0.06170353665947914,
0.014798748306930065,
0.046785369515419006,
0.07081025838851929,
0.10759240388870239,
0.04088965058326721,
0.029891017824411392,
-0.034650012850761414,
-0.0548490434885025,
0.0028895153664052486,
-0.03094525635242462,
-0.06199473887681961,
0.2067752331495285,
0.06443694978952408,
0.01799837127327919,
0.022856641560792923,
0.19772395491600037,
-0.018802868202328682,
-0.053536608815193176,
-0.12959222495555878,
0.17321282625198364,
-0.010854964144527912,
0.03294021636247635,
0.03289041668176651,
-0.11653792858123779,
0.009407078847289085,
0.16099242866039276,
0.11263870447874069,
0.025200864300131798,
0.00917795393615961,
0.0409645214676857,
0.023949317634105682,
-0.03193145990371704,
0.05457858741283417,
0.03273126855492592,
0.23399117588996887,
-0.05228859931230545,
0.09454618394374847,
-0.004835803527384996,
0.006953138392418623,
-0.04307597875595093,
0.11865995079278946,
-0.04857901483774185,
0.020250806584954262,
-0.06525304913520813,
0.07329520583152771,
-0.06517793238162994,
-0.25110551714897156,
-0.014637654647231102,
-0.0626773089170456,
-0.13322827219963074,
-0.009837444871664047,
0.026551837101578712,
-0.01430120225995779,
0.051809072494506836,
0.03329181671142578,
-0.029869915917515755,
0.1846083700656891,
0.004481184761971235,
-0.07103702425956726,
-0.07834737002849579,
0.06521933525800705,
-0.06633995473384857,
0.27810177206993103,
0.00675121508538723,
0.04515184089541435,
0.08310512453317642,
-0.022680960595607758,
-0.12893199920654297,
0.029883120208978653,
0.07921796292066574,
-0.0597057044506073,
0.04177962616086006,
0.14964938163757324,
-0.014746353030204773,
0.14562256634235382,
0.031295303255319595,
0.0029344733338803053,
0.0721660777926445,
0.07892671972513199,
0.02974615804851055,
-0.0786394327878952,
0.06482132524251938,
-0.09189413487911224,
0.12407984584569931,
0.11942967027425766,
-0.012088975869119167,
0.014745660126209259,
-0.049650952219963074,
0.05369479954242706,
-0.047046445310115814,
0.12244594842195511,
-0.03063190169632435,
-0.12561698257923126,
0.03999968618154526,
-0.001472902367822826,
0.07076951116323471,
-0.23491361737251282,
-0.04748810455203056,
0.10050439089536667,
-0.03843582049012184,
-0.007282583974301815,
0.07672328501939774,
0.0421389639377594,
0.03319152817130089,
-0.051439136266708374,
-0.12527136504650116,
0.022714368999004364,
0.1115156039595604,
-0.06762368232011795,
-0.03648046404123306
] |
3e4f8c55c55d908fcdc3a3a118126cabce6e3b09 |
# Dataset of stremitelny/ストレミテルヌイ/神速 (Azur Lane)
This is the dataset of stremitelny/ストレミテルヌイ/神速 (Azur Lane), containing 15 images and their tags.
The core tags of this character are `red_eyes, white_hair, long_hair, hair_between_eyes, bangs, antenna_hair, hat, ahoge, very_long_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 15 | 22.89 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stremitelny_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 15 | 13.45 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stremitelny_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 38 | 28.28 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stremitelny_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 15 | 20.37 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stremitelny_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 38 | 41.48 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stremitelny_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/stremitelny_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 9 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, long_sleeves, looking_at_viewer, blush, open_mouth, white_coat, :d, black_pantyhose, fur-trimmed_coat, simple_background, white_background, white_headwear |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | long_sleeves | looking_at_viewer | blush | open_mouth | white_coat | :d | black_pantyhose | fur-trimmed_coat | simple_background | white_background | white_headwear |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:---------------|:--------------------|:--------|:-------------|:-------------|:-----|:------------------|:-------------------|:--------------------|:-------------------|:-----------------|
| 0 | 9 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/stremitelny_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T13:31:03+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T13:35:33+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of stremitelny/ストレミテルヌイ/神速 (Azur Lane)
==============================================
This is the dataset of stremitelny/ストレミテルヌイ/神速 (Azur Lane), containing 15 images and their tags.
The core tags of this character are 'red\_eyes, white\_hair, long\_hair, hair\_between\_eyes, bangs, antenna\_hair, hat, ahoge, very\_long\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
60cc109811fd4dc6960ed95028b5c9f697894c47 |
# Dataset of stanly/スタンリー/斯坦利 (Azur Lane)
This is the dataset of stanly/スタンリー/斯坦利 (Azur Lane), containing 15 images and their tags.
The core tags of this character are `long_hair, purple_eyes, pink_hair, headband, hair_between_eyes, hairband, bangs, pink_eyes`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 15 | 14.35 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stanly_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 15 | 9.51 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stanly_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 34 | 17.29 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stanly_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 15 | 12.65 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stanly_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 34 | 21.96 MiB | [Download](https://huggingface.co/datasets/CyberHarem/stanly_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/stanly_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------|
| 0 | 15 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, jacket, solo, smile, blush, single_thighhigh, necktie, white_background, simple_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | jacket | solo | smile | blush | single_thighhigh | necktie | white_background | simple_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:---------|:-------|:--------|:--------|:-------------------|:----------|:-------------------|:--------------------|
| 0 | 15 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/stanly_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T13:31:06+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T13:34:59+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of stanly/スタンリー/斯坦利 (Azur Lane)
=======================================
This is the dataset of stanly/スタンリー/斯坦利 (Azur Lane), containing 15 images and their tags.
The core tags of this character are 'long\_hair, purple\_eyes, pink\_hair, headband, hair\_between\_eyes, hairband, bangs, pink\_eyes', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
4efb8da236046b1043272931e15f8450e75d205c |
# Downloading this Options Dataset
This document will guide you through the steps to download the Merval options dataset from Hugging Face Datasets.
To start, you'll need to install Hugging Face's `datasets` library if you haven't done so already.
You can do this using the following pip command:
```python
!pip install datasets
```
Here's the Python code to load the Merval equity dataset from Hugging Face Datasets and convert it into a pandas DataFrame:
```python
from datasets import load_dataset
import pandas as pd
id = "gauss314/opciones"
data = load_dataset(id)
df = pd.DataFrame(data['train'][:])
``` | gauss314/opciones | [
"task_categories:tabular-classification",
"task_categories:tabular-regression",
"license:apache-2.0",
"Merval",
"options",
"region:us"
] | 2024-01-14T13:38:42+00:00 | {"license": "apache-2.0", "task_categories": ["tabular-classification", "tabular-regression"], "pretty_name": "Merval historical options data, for deep learning and machine learning tests", "tags": ["Merval", "options"]} | 2024-01-14T13:46:43+00:00 | [] | [] | TAGS
#task_categories-tabular-classification #task_categories-tabular-regression #license-apache-2.0 #Merval #options #region-us
|
# Downloading this Options Dataset
This document will guide you through the steps to download the Merval options dataset from Hugging Face Datasets.
To start, you'll need to install Hugging Face's 'datasets' library if you haven't done so already.
You can do this using the following pip command:
Here's the Python code to load the Merval equity dataset from Hugging Face Datasets and convert it into a pandas DataFrame:
| [
"# Downloading this Options Dataset\n\nThis document will guide you through the steps to download the Merval options dataset from Hugging Face Datasets. \n\nTo start, you'll need to install Hugging Face's 'datasets' library if you haven't done so already. \nYou can do this using the following pip command:\n\n\n\nHere's the Python code to load the Merval equity dataset from Hugging Face Datasets and convert it into a pandas DataFrame:"
] | [
"TAGS\n#task_categories-tabular-classification #task_categories-tabular-regression #license-apache-2.0 #Merval #options #region-us \n",
"# Downloading this Options Dataset\n\nThis document will guide you through the steps to download the Merval options dataset from Hugging Face Datasets. \n\nTo start, you'll need to install Hugging Face's 'datasets' library if you haven't done so already. \nYou can do this using the following pip command:\n\n\n\nHere's the Python code to load the Merval equity dataset from Hugging Face Datasets and convert it into a pandas DataFrame:"
] | [
44,
105
] | [
"passage: TAGS\n#task_categories-tabular-classification #task_categories-tabular-regression #license-apache-2.0 #Merval #options #region-us \n# Downloading this Options Dataset\n\nThis document will guide you through the steps to download the Merval options dataset from Hugging Face Datasets. \n\nTo start, you'll need to install Hugging Face's 'datasets' library if you haven't done so already. \nYou can do this using the following pip command:\n\n\n\nHere's the Python code to load the Merval equity dataset from Hugging Face Datasets and convert it into a pandas DataFrame:"
] | [
-0.08469802141189575,
0.08840592950582504,
0.0032250916119664907,
0.012235671281814575,
0.17046542465686798,
0.12853330373764038,
0.09936738014221191,
0.07856939733028412,
0.17533275485038757,
-0.01229042001068592,
0.06437473744153976,
0.07945434749126434,
0.13568885624408722,
0.3703902065753937,
0.09375377744436264,
-0.20746153593063354,
0.028136475011706352,
-0.0019022023770958185,
0.14327311515808105,
0.03200087323784828,
0.029307866469025612,
-0.01235908642411232,
0.08941172063350677,
-0.009784041903913021,
-0.08216959983110428,
-0.03809252381324768,
-0.10685913264751434,
0.03482544422149658,
0.0976664125919342,
-0.041203901171684265,
0.04624485224485397,
-0.05651314556598663,
0.024136099964380264,
-0.10640359669923782,
0.04559231549501419,
-0.06129327043890953,
-0.018316807225346565,
0.024718450382351875,
0.014944530092179775,
-0.040271785110235214,
0.18918316066265106,
-0.022678470239043236,
0.049428608268499374,
0.06527405232191086,
-0.04077337309718132,
-0.26216238737106323,
-0.14493483304977417,
0.015671398490667343,
0.1909586638212204,
0.006140463054180145,
-0.0285946037620306,
0.11143177002668381,
0.10497768968343735,
0.018652359023690224,
0.10654056817293167,
-0.10431744158267975,
0.023992905393242836,
0.05446686968207359,
0.057042550295591354,
-0.12005022913217545,
0.01981681026518345,
0.06095081567764282,
0.07609184086322784,
0.052342597395181656,
0.06295935809612274,
-0.03923126310110092,
-0.16120098531246185,
-0.1292136013507843,
-0.03762773424386978,
-0.042414769530296326,
0.3260217607021332,
0.030906768515706062,
-0.09041234105825424,
-0.18103668093681335,
-0.0034622568637132645,
0.05725811794400215,
0.005364886950701475,
0.14450588822364807,
0.020654449239373207,
0.011043750680983067,
-0.005085596814751625,
-0.15077143907546997,
-0.02776915766298771,
-0.052364692091941833,
-0.03028229810297489,
-0.0582253523170948,
-0.017126845195889473,
0.03243504464626312,
0.05264413729310036,
0.0014386835973709822,
-0.14639535546302795,
0.00022518982586916536,
0.010781818069517612,
-0.04230448603630066,
-0.09549376368522644,
0.026654256507754326,
-0.01546387281268835,
0.007669094484299421,
0.09648963063955307,
0.08677409589290619,
0.006290674675256014,
-0.03579508140683174,
-0.10221347212791443,
0.02829030528664589,
0.06369244307279587,
0.0412849523127079,
-0.07648954540491104,
-0.0471218079328537,
0.03867368400096893,
0.0009306201827712357,
0.1703045666217804,
-0.0565958097577095,
-0.04979712516069412,
-0.06152752786874771,
-0.129116952419281,
0.0794101282954216,
0.08963515609502792,
0.023622287437319756,
-0.08040367811918259,
-0.030555641278624535,
0.15479964017868042,
-0.031696368008852005,
0.027122970670461655,
0.011039743199944496,
-0.13891209661960602,
-0.17387355864048004,
0.13798394799232483,
0.060656677931547165,
0.04457054287195206,
-0.02402048371732235,
-0.05860914662480354,
0.03880641981959343,
0.0024316527415066957,
-0.1347348988056183,
0.09084661304950714,
-0.17045682668685913,
-0.015116066671907902,
-0.08408665657043457,
-0.23178444802761078,
0.08799070119857788,
0.03748129680752754,
0.015448559075593948,
-0.04245993494987488,
-0.009892928414046764,
0.06809068471193314,
-0.09190981090068817,
0.012295050546526909,
0.05066117271780968,
-0.08039557933807373,
-0.011694434098899364,
-0.03660610318183899,
0.1743864268064499,
-0.04128019139170647,
-0.009183041751384735,
-0.04465138539671898,
0.028345325961709023,
-0.11261878907680511,
0.09876333922147751,
-0.05753064155578613,
0.1689106822013855,
-0.07306292653083801,
0.07386717945337296,
0.014418106526136398,
0.015992121770977974,
0.05776139721274376,
0.18129077553749084,
-0.20849420130252838,
-0.0697065219283104,
0.16235513985157013,
-0.16333578526973724,
-0.1750624179840088,
0.09839407354593277,
0.023407690227031708,
0.009593971073627472,
0.01762375608086586,
0.24562831223011017,
0.014888066798448563,
-0.20399388670921326,
-0.021005330607295036,
0.06487344950437546,
-0.05073012411594391,
-0.14313670992851257,
0.1328113079071045,
-0.05217180401086807,
-0.05518219992518425,
0.06373225152492523,
-0.015338265337049961,
0.17132353782653809,
-0.026623304933309555,
-0.018363121896982193,
-0.018589075654745102,
-0.1361350417137146,
0.06141515448689461,
0.014997445046901703,
-0.013726776465773582,
0.004886336158961058,
0.05134810134768486,
-0.1381734013557434,
0.09304900467395782,
-0.03756602108478546,
0.018996451050043106,
0.05264029651880264,
0.11967196315526962,
-0.008438852615654469,
-0.002182586584240198,
-0.048659827560186386,
-0.15044420957565308,
0.0398484542965889,
0.006086648907512426,
-0.00437935721129179,
-0.08256591856479645,
-0.02324592135846615,
0.08921296894550323,
0.004720982164144516,
0.01764206402003765,
0.0747474730014801,
-0.059366557747125626,
0.00542530557140708,
-0.015172546729445457,
-0.03852789103984833,
-0.10687744617462158,
0.28831198811531067,
0.014494509436190128,
0.056381598114967346,
-0.17281751334667206,
0.08689476549625397,
0.03830771520733833,
-0.04200780391693115,
0.18016597628593445,
-0.018775394186377525,
0.021835442632436752,
-0.03501489385962486,
0.06212109699845314,
0.047122642397880554,
-0.08686389029026031,
0.12268809229135513,
-0.03454194217920303,
-0.19942717254161835,
0.15934589505195618,
0.08438398689031601,
-0.05919500067830086,
-0.10893351584672928,
-0.029001129791140556,
-0.005254681687802076,
-0.15726323425769806,
0.02250823751091957,
-0.04845980182290077,
0.009497188962996006,
0.13568750023841858,
-0.000763094809371978,
0.07035649567842484,
0.007206873968243599,
-0.054106999188661575,
-0.03595030680298805,
0.030754227191209793,
0.027542971074581146,
0.07187076658010483,
0.005799753591418266,
-0.18941687047481537,
0.04023245722055435,
0.10872633755207062,
0.008283741772174835,
0.007296645548194647,
-0.014071372337639332,
0.04884777590632439,
0.010614440776407719,
0.10480739921331406,
-0.18946553766727448,
-0.07157396525144577,
0.11349664628505707,
-0.07819001376628876,
-0.029571088030934334,
-0.08499295264482498,
-0.05877567082643509,
-0.02372903563082218,
-0.015246361494064331,
-0.05897832289338112,
0.08595269918441772,
-0.07043657451868057,
-0.0010711580980569124,
-0.004203645512461662,
0.10104775428771973,
-0.022707730531692505,
-0.01732146181166172,
-0.11485953629016876,
0.10221920907497406,
-0.10875649750232697,
-0.20562389492988586,
-0.04992436617612839,
-0.10357572883367538,
-0.10261892527341843,
0.06018311530351639,
0.047644034028053284,
0.008749311789870262,
0.0015134349232539535,
-0.07155003398656845,
0.10314397513866425,
0.1013764813542366,
-0.007286585867404938,
0.010345058515667915,
-0.08554185926914215,
-0.014399134553968906,
-0.0387076660990715,
0.005926233250647783,
-0.056282032281160355,
0.03717106953263283,
0.038574181497097015,
-0.1104358360171318,
0.1031675711274147,
0.001790958340279758,
-0.003224085085093975,
0.005124639719724655,
-0.08363760262727737,
0.1472199559211731,
0.0066416505724191666,
-0.009097041562199593,
0.07475610822439194,
0.09568843990564346,
0.014277584850788116,
0.12002798169851303,
-0.046385880559682846,
-0.07814061641693115,
0.08075772225856781,
-0.03198501095175743,
-0.13568030297756195,
-0.09007927030324936,
-0.1374601125717163,
-0.08373747020959854,
0.23128671944141388,
0.10888838022947311,
0.022895418107509613,
-0.022143790498375893,
0.11003652215003967,
0.013064496219158173,
0.062058936804533005,
-0.004608910996466875,
0.04743786156177521,
-0.002935354132205248,
-0.021245339885354042,
0.014658675529062748,
-0.0643279030919075,
0.06491772830486298,
0.08442404121160507,
0.06010477617383003,
0.2180536538362503,
-0.025450091809034348,
0.0031076762825250626,
0.0018094552215188742,
0.08818178623914719,
-0.07165708392858505,
0.11503078788518906,
0.011065814644098282,
0.0018712325254455209,
-0.04622560366988182,
-0.008669520728290081,
-0.08518713712692261,
0.05648791790008545,
0.14732998609542847,
0.014751767739653587,
-0.09182687848806381,
0.044987525790929794,
0.028139512985944748,
0.13431020081043243,
0.06121746450662613,
-0.173507422208786,
0.019569093361496925,
-0.0018719463841989636,
0.09224750101566315,
-0.01118809450417757,
-0.025540318340063095,
-0.003290546592324972,
-0.05883318930864334,
0.1819910854101181,
-0.01690605841577053,
0.038525283336639404,
0.027670271694660187,
-0.0888543426990509,
-0.05562616512179375,
0.025800583884119987,
-0.014029202051460743,
-0.0334259495139122,
0.01750299148261547,
0.16346774995326996,
-0.0049287392757833,
0.038714177906513214,
-0.0038425882812589407,
-0.013088434003293514,
0.13499385118484497,
0.1202714815735817,
0.15275168418884277,
0.010555398650467396,
-0.04191290959715843,
0.0034767109900712967,
-0.10072348266839981,
0.01922602206468582,
-0.14785565435886383,
-0.08787721395492554,
-0.05673640966415405,
-0.018003739416599274,
-0.04435421898961067,
-0.07662774622440338,
0.347733736038208,
0.005812054965645075,
-0.055265795439481735,
-0.047863565385341644,
0.07324616611003876,
-0.0032621435821056366,
0.00936212856322527,
-0.042868226766586304,
0.12956897914409637,
0.009811141528189182,
0.2563128173351288,
-0.0990261361002922,
-0.057348158210515976,
-0.07171602547168732,
0.06411401927471161,
-0.01015022024512291,
0.05038543418049812,
-0.11466137319803238,
0.09207508713006973,
-0.15675126016139984,
-0.021781114861369133,
0.007088767364621162,
-0.08468398451805115,
0.06059561297297478,
-0.016786208376288414,
0.0441771037876606,
-0.09263049066066742,
0.039458684623241425,
0.007272925227880478,
0.07420076429843903,
-0.011991789564490318,
-0.021145474165678024,
0.0739591121673584,
0.08825404942035675,
-0.011969278566539288,
0.20400094985961914,
-0.12527531385421753,
-0.2766096293926239,
-0.029970631003379822,
-0.046810273081064224,
0.16476482152938843,
0.24843089282512665,
-0.0797031819820404,
0.05567142367362976,
0.25121554732322693,
-0.035160720348358154,
-0.28778308629989624,
-0.04025334492325783,
-0.000892189797013998,
-0.005867257248610258,
0.0536104291677475,
-0.16821284592151642,
0.004054676275700331,
-0.021090330556035042,
-0.05685325711965561,
0.07826395332813263,
-0.11900461465120316,
-0.09724470227956772,
0.02504919469356537,
0.08423332870006561,
0.08774974197149277,
-0.1787840873003006,
-0.035826176404953,
-0.03717257082462311,
-0.0471966415643692,
0.1413208693265915,
-0.07729659974575043,
0.11255327612161636,
0.008966558612883091,
0.08473747223615646,
0.02269619330763817,
-0.033305518329143524,
0.15366020798683167,
0.011967356316745281,
-0.022457432001829147,
-0.012877668254077435,
0.04246627539396286,
-0.05419833958148956,
-0.07984581589698792,
0.17013412714004517,
-0.08690617233514786,
-0.013461126945912838,
-0.22847895324230194,
-0.004135116934776306,
-0.07450234889984131,
0.17207638919353485,
0.06628371775150299,
-0.06748363375663757,
-0.048770979046821594,
-0.002502772491425276,
0.0831093117594719,
0.038792360574007034,
-0.039001114666461945,
0.028827056288719177,
0.09240201115608215,
0.025620725005865097,
-0.04799950122833252,
0.027940360829234123,
0.03064468502998352,
-0.014060566201806068,
-0.08723996579647064,
-0.008948969654738903,
-0.1669820249080658,
-0.0924854502081871,
-0.02483501471579075,
0.04521675035357475,
0.09317732602357864,
-0.018310489133000374,
-0.015071348287165165,
0.11627743393182755,
0.047574348747730255,
-0.057973362505435944,
-0.14762821793556213,
0.033882059156894684,
-0.07686138153076172,
-0.03203970938920975,
-0.07601097971200943,
0.021188074722886086,
-0.010679366067051888,
-0.003137751016765833,
-0.06160411983728409,
0.008617008104920387,
-0.05508102476596832,
-0.02263559214770794,
-0.0013805500930175185,
0.012360163033008575,
-0.10614215582609177,
0.12078002095222473,
-0.03628610447049141,
-0.025283208116889,
0.057800062000751495,
0.07151377201080322,
-0.09073305875062943,
-0.10515909641981125,
-0.25552162528038025,
0.178846076130867,
-0.0035564089193940163,
-0.010903090238571167,
0.0020223725587129593,
0.019001536071300507,
-0.09312069416046143,
-0.09718215465545654,
0.02458580955862999,
-0.057712238281965256,
0.02638082206249237,
-0.031708940863609314,
-0.1173340380191803,
0.07710162550210953,
0.09481171518564224,
-0.0004133192414883524,
0.01630159094929695,
-0.017441175878047943,
0.07248552143573761,
0.047563645988702774,
-0.027628596872091293,
-0.03922109305858612,
0.00025587144773453474,
-0.031151285395026207,
-0.05114531144499779,
0.09776192158460617,
-0.10817320644855499,
-0.01668882928788662,
0.00869518332183361,
-0.04907914251089096,
-0.005424670875072479,
-0.006018029525876045,
-0.04637248069047928,
0.0051323664374649525,
-0.02269979752600193,
0.07016050815582275,
-0.08211439102888107,
-0.09215512871742249,
-0.005430508870631456,
-0.021314742043614388,
0.07947541773319244,
0.07822877913713455,
-0.04278511926531792,
-0.043896179646253586,
-0.09022727608680725,
-0.11956663429737091,
0.09639249742031097,
-0.05331156775355339,
0.042681388556957245,
-0.11305823922157288,
0.02505018189549446,
-0.029766051098704338,
-0.011567075736820698,
-0.01127666886895895,
0.07398009300231934,
-0.0719621479511261,
0.00014322139031719416,
-0.038393519818782806,
-0.07133814692497253,
-0.0050306436605751514,
-0.002218920737504959,
0.15368056297302246,
0.12980884313583374,
0.061979591846466064,
-0.04531598091125488,
0.08618801832199097,
-0.038169313222169876,
-0.03920036554336548,
-0.08176631480455399,
-0.058821436017751694,
-0.09040933847427368,
-0.05545809492468834,
0.00076036446262151,
0.042173780500888824,
0.1729847490787506,
0.12975864112377167,
0.08920864760875702,
-0.024747077375650406,
0.18445521593093872,
0.083061084151268,
-0.018400806933641434,
0.13480940461158752,
-0.07264699786901474,
0.04576472193002701,
0.05377563089132309,
0.15482614934444427,
0.05641116201877594,
0.007869461551308632,
-0.04040604457259178,
-0.06875721365213394,
0.05468495562672615,
0.027512812986969948,
0.013237884268164635,
-0.11077777296304703,
-0.0927150771021843,
-0.2173919379711151,
-0.00653518782928586,
0.1281677782535553,
-0.045535460114479065,
0.14116695523262024,
-0.007563793566077948,
-0.15819483995437622,
0.037007082253694534,
0.08865160495042801,
-0.04463881626725197,
-0.07494425028562546,
0.011815742589533329,
-0.004511239938437939,
-0.09162838011980057,
0.03688795864582062,
-0.013934848830103874,
-0.11211063712835312,
0.048536207526922226,
-0.02928214520215988,
0.04289298877120018,
0.06768646836280823,
-0.10941675305366516,
-0.024083474650979042,
0.059990085661411285,
0.021375352516770363,
-0.07430633157491684,
-0.05599599704146385,
-0.04468323290348053,
0.08116041123867035,
-0.04040314629673958,
-0.0026400447823107243,
0.009368110448122025,
-0.041332781314849854,
0.0954495370388031,
-0.07622160017490387,
-0.062128111720085144,
-0.021469442173838615,
-0.0077820648439228535,
0.03663669526576996,
0.1292802393436432,
0.07067210227251053,
-0.0388338603079319,
0.013618999160826206,
0.1348639279603958,
0.0028258857782930136,
0.007638799492269754,
-0.15626680850982666,
0.06594566255807877,
-0.12005221098661423,
-0.055259428918361664,
-0.018275050446391106,
-0.025865798816084862,
-0.11247486621141434,
0.18580090999603271,
0.14997734129428864,
0.08200797438621521,
-0.032604116946458817,
-0.010922758840024471,
0.017945505678653717,
-0.04641486331820488,
0.09689095616340637,
0.08929476886987686,
0.06663002818822861,
-0.0018726848065853119,
0.13424058258533478,
-0.10219340026378632,
-0.10931422561407089,
-0.10519922524690628,
-0.11109548062086105,
-0.0000395840106648393,
-0.019667476415634155,
-0.010007751174271107,
0.09246660023927689,
-0.15887847542762756,
-0.21685120463371277,
0.1325128823518753,
-0.10153153538703918,
0.01609891466796398,
-0.050292883068323135,
0.0159568190574646,
0.16502490639686584,
0.0843825712800026,
-0.030574427917599678,
0.10768751055002213,
0.18953737616539001,
-0.04680570214986801,
-0.16216255724430084,
-0.10763735324144363,
-0.04482664912939072,
-0.21699954569339752,
0.19344168901443481,
-0.07967496663331985,
-0.03577767685055733,
0.00593741238117218,
-0.04252114146947861,
-0.08232999593019485,
0.02738635428249836,
0.04192812368273735,
0.1406567245721817,
0.03784544765949249,
0.09192867577075958,
-0.10435903817415237,
-0.07837115228176117,
-0.03986071050167084,
-0.035013340413570404,
0.02497786656022072,
-0.021042194217443466,
0.02626888081431389,
-0.01651396043598652,
0.11910001933574677,
-0.10051432251930237,
0.07692322134971619,
0.03693071007728577,
-0.026150379329919815,
-0.03128525987267494,
-0.023340584710240364,
-0.008289137855172157,
0.056574542075395584,
-0.09927003085613251,
-0.018221180886030197,
-0.0910254418849945,
-0.05001898109912872,
0.1036541610956192,
0.014862914569675922,
-0.25813791155815125,
0.014229151420295238,
-0.19762374460697174,
-0.042058542370796204,
0.043399062007665634,
0.03911205008625984,
0.011063402518630028,
-0.03165305778384209,
-0.012741378508508205,
-0.14617885649204254,
0.09680359065532684,
0.06536020338535309,
-0.03114236332476139,
-0.12286878377199173
] |
a57e4b4f7cb4cf05e08b45946620572875aa88b3 |
# Dataset of bearn/ベアルン/贝亚恩 (Azur Lane)
This is the dataset of bearn/ベアルン/贝亚恩 (Azur Lane), containing 13 images and their tags.
The core tags of this character are `bangs, breasts, small_breasts, multicolored_hair, short_hair, horns, black_hair, glasses, grey_hair, blunt_bangs, grey_eyes, purple_hair, streaked_hair, two-tone_hair, blue_eyes, hairband`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 13 | 14.55 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bearn_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 13 | 8.59 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bearn_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 23 | 14.77 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bearn_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 13 | 12.46 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bearn_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 23 | 20.87 MiB | [Download](https://huggingface.co/datasets/CyberHarem/bearn_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/bearn_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, monocle, bare_shoulders, holding, simple_background, black_gloves, blush, closed_mouth, covered_navel, long_sleeves, thighhighs, dress, full_body, jacket, off_shoulder, swimsuit, thigh_boots, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | monocle | bare_shoulders | holding | simple_background | black_gloves | blush | closed_mouth | covered_navel | long_sleeves | thighhighs | dress | full_body | jacket | off_shoulder | swimsuit | thigh_boots | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:----------|:-----------------|:----------|:--------------------|:---------------|:--------|:---------------|:----------------|:---------------|:-------------|:--------|:------------|:---------|:---------------|:-----------|:--------------|:-------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/bearn_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T13:46:10+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T13:49:14+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of bearn/ベアルン/贝亚恩 (Azur Lane)
=====================================
This is the dataset of bearn/ベアルン/贝亚恩 (Azur Lane), containing 13 images and their tags.
The core tags of this character are 'bangs, breasts, small\_breasts, multicolored\_hair, short\_hair, horns, black\_hair, glasses, grey\_hair, blunt\_bangs, grey\_eyes, purple\_hair, streaked\_hair, two-tone\_hair, blue\_eyes, hairband', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
769b1b78c9dd7814175057cb4e9b759a0664e1e3 |
# Dataset Card for Evaluation run of FelixChao/MathDolphin-7B
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [FelixChao/MathDolphin-7B](https://huggingface.co/FelixChao/MathDolphin-7B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_FelixChao__MathDolphin-7B",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T13:48:07.624647](https://huggingface.co/datasets/open-llm-leaderboard/details_FelixChao__MathDolphin-7B/blob/main/results_2024-01-14T13-48-07.624647.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.65315875756261,
"acc_stderr": 0.03196302131707709,
"acc_norm": 0.6538202133223454,
"acc_norm_stderr": 0.03261743110455684,
"mc1": 0.3708690330477356,
"mc1_stderr": 0.01690969358024882,
"mc2": 0.5291514968771067,
"mc2_stderr": 0.015285199336849235
},
"harness|arc:challenge|25": {
"acc": 0.6279863481228669,
"acc_stderr": 0.014124597881844461,
"acc_norm": 0.658703071672355,
"acc_norm_stderr": 0.01385583128749773
},
"harness|hellaswag|10": {
"acc": 0.6622186815375424,
"acc_stderr": 0.004719870074967248,
"acc_norm": 0.8549093806014738,
"acc_norm_stderr": 0.0035147239847366034
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.33,
"acc_stderr": 0.04725815626252606,
"acc_norm": 0.33,
"acc_norm_stderr": 0.04725815626252606
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6,
"acc_stderr": 0.04232073695151589,
"acc_norm": 0.6,
"acc_norm_stderr": 0.04232073695151589
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.75,
"acc_stderr": 0.03523807393012047,
"acc_norm": 0.75,
"acc_norm_stderr": 0.03523807393012047
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.59,
"acc_stderr": 0.049431107042371025,
"acc_norm": 0.59,
"acc_norm_stderr": 0.049431107042371025
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.7132075471698113,
"acc_stderr": 0.02783491252754407,
"acc_norm": 0.7132075471698113,
"acc_norm_stderr": 0.02783491252754407
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7638888888888888,
"acc_stderr": 0.03551446610810826,
"acc_norm": 0.7638888888888888,
"acc_norm_stderr": 0.03551446610810826
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.45,
"acc_stderr": 0.049999999999999996,
"acc_norm": 0.45,
"acc_norm_stderr": 0.049999999999999996
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.55,
"acc_stderr": 0.05,
"acc_norm": 0.55,
"acc_norm_stderr": 0.05
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.35,
"acc_stderr": 0.047937248544110196,
"acc_norm": 0.35,
"acc_norm_stderr": 0.047937248544110196
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6358381502890174,
"acc_stderr": 0.03669072477416907,
"acc_norm": 0.6358381502890174,
"acc_norm_stderr": 0.03669072477416907
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.4019607843137255,
"acc_stderr": 0.048786087144669955,
"acc_norm": 0.4019607843137255,
"acc_norm_stderr": 0.048786087144669955
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.76,
"acc_stderr": 0.042923469599092816,
"acc_norm": 0.76,
"acc_norm_stderr": 0.042923469599092816
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.5787234042553191,
"acc_stderr": 0.03227834510146268,
"acc_norm": 0.5787234042553191,
"acc_norm_stderr": 0.03227834510146268
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.5087719298245614,
"acc_stderr": 0.04702880432049615,
"acc_norm": 0.5087719298245614,
"acc_norm_stderr": 0.04702880432049615
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5586206896551724,
"acc_stderr": 0.04137931034482757,
"acc_norm": 0.5586206896551724,
"acc_norm_stderr": 0.04137931034482757
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.42592592592592593,
"acc_stderr": 0.025467149045469553,
"acc_norm": 0.42592592592592593,
"acc_norm_stderr": 0.025467149045469553
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.47619047619047616,
"acc_stderr": 0.04467062628403273,
"acc_norm": 0.47619047619047616,
"acc_norm_stderr": 0.04467062628403273
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695235,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695235
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7774193548387097,
"acc_stderr": 0.023664216671642514,
"acc_norm": 0.7774193548387097,
"acc_norm_stderr": 0.023664216671642514
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5172413793103449,
"acc_stderr": 0.035158955511656986,
"acc_norm": 0.5172413793103449,
"acc_norm_stderr": 0.035158955511656986
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.69,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.69,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7575757575757576,
"acc_stderr": 0.03346409881055953,
"acc_norm": 0.7575757575757576,
"acc_norm_stderr": 0.03346409881055953
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7777777777777778,
"acc_stderr": 0.02962022787479049,
"acc_norm": 0.7777777777777778,
"acc_norm_stderr": 0.02962022787479049
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9222797927461139,
"acc_stderr": 0.019321805557223168,
"acc_norm": 0.9222797927461139,
"acc_norm_stderr": 0.019321805557223168
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6692307692307692,
"acc_stderr": 0.023854795680971118,
"acc_norm": 0.6692307692307692,
"acc_norm_stderr": 0.023854795680971118
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.3333333333333333,
"acc_stderr": 0.028742040903948482,
"acc_norm": 0.3333333333333333,
"acc_norm_stderr": 0.028742040903948482
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6932773109243697,
"acc_stderr": 0.029953823891887034,
"acc_norm": 0.6932773109243697,
"acc_norm_stderr": 0.029953823891887034
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.3443708609271523,
"acc_stderr": 0.038796870240733264,
"acc_norm": 0.3443708609271523,
"acc_norm_stderr": 0.038796870240733264
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8495412844036697,
"acc_stderr": 0.015328563932669237,
"acc_norm": 0.8495412844036697,
"acc_norm_stderr": 0.015328563932669237
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5,
"acc_stderr": 0.034099716973523674,
"acc_norm": 0.5,
"acc_norm_stderr": 0.034099716973523674
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8284313725490197,
"acc_stderr": 0.02646056956124064,
"acc_norm": 0.8284313725490197,
"acc_norm_stderr": 0.02646056956124064
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.810126582278481,
"acc_stderr": 0.02553010046023349,
"acc_norm": 0.810126582278481,
"acc_norm_stderr": 0.02553010046023349
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7130044843049327,
"acc_stderr": 0.03036037971029195,
"acc_norm": 0.7130044843049327,
"acc_norm_stderr": 0.03036037971029195
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.8015267175572519,
"acc_stderr": 0.03498149385462472,
"acc_norm": 0.8015267175572519,
"acc_norm_stderr": 0.03498149385462472
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.7851239669421488,
"acc_stderr": 0.037494924487096966,
"acc_norm": 0.7851239669421488,
"acc_norm_stderr": 0.037494924487096966
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.8055555555555556,
"acc_stderr": 0.038260763248848646,
"acc_norm": 0.8055555555555556,
"acc_norm_stderr": 0.038260763248848646
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7914110429447853,
"acc_stderr": 0.03192193448934724,
"acc_norm": 0.7914110429447853,
"acc_norm_stderr": 0.03192193448934724
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.5089285714285714,
"acc_stderr": 0.04745033255489123,
"acc_norm": 0.5089285714285714,
"acc_norm_stderr": 0.04745033255489123
},
"harness|hendrycksTest-management|5": {
"acc": 0.7766990291262136,
"acc_stderr": 0.04123553189891431,
"acc_norm": 0.7766990291262136,
"acc_norm_stderr": 0.04123553189891431
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8760683760683761,
"acc_stderr": 0.021586494001281372,
"acc_norm": 0.8760683760683761,
"acc_norm_stderr": 0.021586494001281372
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.72,
"acc_stderr": 0.04512608598542128,
"acc_norm": 0.72,
"acc_norm_stderr": 0.04512608598542128
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8275862068965517,
"acc_stderr": 0.013507943909371803,
"acc_norm": 0.8275862068965517,
"acc_norm_stderr": 0.013507943909371803
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7514450867052023,
"acc_stderr": 0.023267528432100174,
"acc_norm": 0.7514450867052023,
"acc_norm_stderr": 0.023267528432100174
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.3854748603351955,
"acc_stderr": 0.01627792703963819,
"acc_norm": 0.3854748603351955,
"acc_norm_stderr": 0.01627792703963819
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7418300653594772,
"acc_stderr": 0.025058503316958143,
"acc_norm": 0.7418300653594772,
"acc_norm_stderr": 0.025058503316958143
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7234726688102894,
"acc_stderr": 0.025403832978179604,
"acc_norm": 0.7234726688102894,
"acc_norm_stderr": 0.025403832978179604
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7685185185185185,
"acc_stderr": 0.023468429832451152,
"acc_norm": 0.7685185185185185,
"acc_norm_stderr": 0.023468429832451152
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.49645390070921985,
"acc_stderr": 0.02982674915328092,
"acc_norm": 0.49645390070921985,
"acc_norm_stderr": 0.02982674915328092
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.47392438070404175,
"acc_stderr": 0.012752858346533133,
"acc_norm": 0.47392438070404175,
"acc_norm_stderr": 0.012752858346533133
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.6838235294117647,
"acc_stderr": 0.028245687391462937,
"acc_norm": 0.6838235294117647,
"acc_norm_stderr": 0.028245687391462937
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6813725490196079,
"acc_stderr": 0.01885008469646872,
"acc_norm": 0.6813725490196079,
"acc_norm_stderr": 0.01885008469646872
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6636363636363637,
"acc_stderr": 0.04525393596302506,
"acc_norm": 0.6636363636363637,
"acc_norm_stderr": 0.04525393596302506
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7306122448979592,
"acc_stderr": 0.02840125202902294,
"acc_norm": 0.7306122448979592,
"acc_norm_stderr": 0.02840125202902294
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8606965174129353,
"acc_stderr": 0.024484487162913973,
"acc_norm": 0.8606965174129353,
"acc_norm_stderr": 0.024484487162913973
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.88,
"acc_stderr": 0.03265986323710906,
"acc_norm": 0.88,
"acc_norm_stderr": 0.03265986323710906
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5421686746987951,
"acc_stderr": 0.0387862677100236,
"acc_norm": 0.5421686746987951,
"acc_norm_stderr": 0.0387862677100236
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8187134502923976,
"acc_stderr": 0.029547741687640044,
"acc_norm": 0.8187134502923976,
"acc_norm_stderr": 0.029547741687640044
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3708690330477356,
"mc1_stderr": 0.01690969358024882,
"mc2": 0.5291514968771067,
"mc2_stderr": 0.015285199336849235
},
"harness|winogrande|5": {
"acc": 0.8121546961325967,
"acc_stderr": 0.010977481103435091
},
"harness|gsm8k|5": {
"acc": 0.6785443517816527,
"acc_stderr": 0.012864471384836703
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_FelixChao__MathDolphin-7B | [
"region:us"
] | 2024-01-14T13:50:28+00:00 | {"pretty_name": "Evaluation run of FelixChao/MathDolphin-7B", "dataset_summary": "Dataset automatically created during the evaluation run of model [FelixChao/MathDolphin-7B](https://huggingface.co/FelixChao/MathDolphin-7B) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_FelixChao__MathDolphin-7B\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T13:48:07.624647](https://huggingface.co/datasets/open-llm-leaderboard/details_FelixChao__MathDolphin-7B/blob/main/results_2024-01-14T13-48-07.624647.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.65315875756261,\n \"acc_stderr\": 0.03196302131707709,\n \"acc_norm\": 0.6538202133223454,\n \"acc_norm_stderr\": 0.03261743110455684,\n \"mc1\": 0.3708690330477356,\n \"mc1_stderr\": 0.01690969358024882,\n \"mc2\": 0.5291514968771067,\n \"mc2_stderr\": 0.015285199336849235\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6279863481228669,\n \"acc_stderr\": 0.014124597881844461,\n \"acc_norm\": 0.658703071672355,\n \"acc_norm_stderr\": 0.01385583128749773\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6622186815375424,\n \"acc_stderr\": 0.004719870074967248,\n \"acc_norm\": 0.8549093806014738,\n \"acc_norm_stderr\": 0.0035147239847366034\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.33,\n \"acc_stderr\": 0.04725815626252606,\n \"acc_norm\": 0.33,\n \"acc_norm_stderr\": 0.04725815626252606\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6,\n \"acc_stderr\": 0.04232073695151589,\n \"acc_norm\": 0.6,\n \"acc_norm_stderr\": 0.04232073695151589\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.03523807393012047,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.03523807393012047\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.59,\n \"acc_stderr\": 0.049431107042371025,\n \"acc_norm\": 0.59,\n \"acc_norm_stderr\": 0.049431107042371025\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.7132075471698113,\n \"acc_stderr\": 0.02783491252754407,\n \"acc_norm\": 0.7132075471698113,\n \"acc_norm_stderr\": 0.02783491252754407\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7638888888888888,\n \"acc_stderr\": 0.03551446610810826,\n \"acc_norm\": 0.7638888888888888,\n \"acc_norm_stderr\": 0.03551446610810826\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.45,\n \"acc_stderr\": 0.049999999999999996,\n \"acc_norm\": 0.45,\n \"acc_norm_stderr\": 0.049999999999999996\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.55,\n \"acc_stderr\": 0.05,\n \"acc_norm\": 0.55,\n \"acc_norm_stderr\": 0.05\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.35,\n \"acc_stderr\": 0.047937248544110196,\n \"acc_norm\": 0.35,\n \"acc_norm_stderr\": 0.047937248544110196\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6358381502890174,\n \"acc_stderr\": 0.03669072477416907,\n \"acc_norm\": 0.6358381502890174,\n \"acc_norm_stderr\": 0.03669072477416907\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.4019607843137255,\n \"acc_stderr\": 0.048786087144669955,\n \"acc_norm\": 0.4019607843137255,\n \"acc_norm_stderr\": 0.048786087144669955\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.76,\n \"acc_stderr\": 0.042923469599092816,\n \"acc_norm\": 0.76,\n \"acc_norm_stderr\": 0.042923469599092816\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.5787234042553191,\n \"acc_stderr\": 0.03227834510146268,\n \"acc_norm\": 0.5787234042553191,\n \"acc_norm_stderr\": 0.03227834510146268\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.5087719298245614,\n \"acc_stderr\": 0.04702880432049615,\n \"acc_norm\": 0.5087719298245614,\n \"acc_norm_stderr\": 0.04702880432049615\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5586206896551724,\n \"acc_stderr\": 0.04137931034482757,\n \"acc_norm\": 0.5586206896551724,\n \"acc_norm_stderr\": 0.04137931034482757\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.42592592592592593,\n \"acc_stderr\": 0.025467149045469553,\n \"acc_norm\": 0.42592592592592593,\n \"acc_norm_stderr\": 0.025467149045469553\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.47619047619047616,\n \"acc_stderr\": 0.04467062628403273,\n \"acc_norm\": 0.47619047619047616,\n \"acc_norm_stderr\": 0.04467062628403273\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695235,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695235\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7774193548387097,\n \"acc_stderr\": 0.023664216671642514,\n \"acc_norm\": 0.7774193548387097,\n \"acc_norm_stderr\": 0.023664216671642514\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5172413793103449,\n \"acc_stderr\": 0.035158955511656986,\n \"acc_norm\": 0.5172413793103449,\n \"acc_norm_stderr\": 0.035158955511656986\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.69,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.69,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7575757575757576,\n \"acc_stderr\": 0.03346409881055953,\n \"acc_norm\": 0.7575757575757576,\n \"acc_norm_stderr\": 0.03346409881055953\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7777777777777778,\n \"acc_stderr\": 0.02962022787479049,\n \"acc_norm\": 0.7777777777777778,\n \"acc_norm_stderr\": 0.02962022787479049\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9222797927461139,\n \"acc_stderr\": 0.019321805557223168,\n \"acc_norm\": 0.9222797927461139,\n \"acc_norm_stderr\": 0.019321805557223168\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6692307692307692,\n \"acc_stderr\": 0.023854795680971118,\n \"acc_norm\": 0.6692307692307692,\n \"acc_norm_stderr\": 0.023854795680971118\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.3333333333333333,\n \"acc_stderr\": 0.028742040903948482,\n \"acc_norm\": 0.3333333333333333,\n \"acc_norm_stderr\": 0.028742040903948482\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6932773109243697,\n \"acc_stderr\": 0.029953823891887034,\n \"acc_norm\": 0.6932773109243697,\n \"acc_norm_stderr\": 0.029953823891887034\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.3443708609271523,\n \"acc_stderr\": 0.038796870240733264,\n \"acc_norm\": 0.3443708609271523,\n \"acc_norm_stderr\": 0.038796870240733264\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8495412844036697,\n \"acc_stderr\": 0.015328563932669237,\n \"acc_norm\": 0.8495412844036697,\n \"acc_norm_stderr\": 0.015328563932669237\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.034099716973523674,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.034099716973523674\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8284313725490197,\n \"acc_stderr\": 0.02646056956124064,\n \"acc_norm\": 0.8284313725490197,\n \"acc_norm_stderr\": 0.02646056956124064\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.810126582278481,\n \"acc_stderr\": 0.02553010046023349,\n \"acc_norm\": 0.810126582278481,\n \"acc_norm_stderr\": 0.02553010046023349\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7130044843049327,\n \"acc_stderr\": 0.03036037971029195,\n \"acc_norm\": 0.7130044843049327,\n \"acc_norm_stderr\": 0.03036037971029195\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.8015267175572519,\n \"acc_stderr\": 0.03498149385462472,\n \"acc_norm\": 0.8015267175572519,\n \"acc_norm_stderr\": 0.03498149385462472\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.7851239669421488,\n \"acc_stderr\": 0.037494924487096966,\n \"acc_norm\": 0.7851239669421488,\n \"acc_norm_stderr\": 0.037494924487096966\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.8055555555555556,\n \"acc_stderr\": 0.038260763248848646,\n \"acc_norm\": 0.8055555555555556,\n \"acc_norm_stderr\": 0.038260763248848646\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7914110429447853,\n \"acc_stderr\": 0.03192193448934724,\n \"acc_norm\": 0.7914110429447853,\n \"acc_norm_stderr\": 0.03192193448934724\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.5089285714285714,\n \"acc_stderr\": 0.04745033255489123,\n \"acc_norm\": 0.5089285714285714,\n \"acc_norm_stderr\": 0.04745033255489123\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.7766990291262136,\n \"acc_stderr\": 0.04123553189891431,\n \"acc_norm\": 0.7766990291262136,\n \"acc_norm_stderr\": 0.04123553189891431\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8760683760683761,\n \"acc_stderr\": 0.021586494001281372,\n \"acc_norm\": 0.8760683760683761,\n \"acc_norm_stderr\": 0.021586494001281372\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.72,\n \"acc_stderr\": 0.04512608598542128,\n \"acc_norm\": 0.72,\n \"acc_norm_stderr\": 0.04512608598542128\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8275862068965517,\n \"acc_stderr\": 0.013507943909371803,\n \"acc_norm\": 0.8275862068965517,\n \"acc_norm_stderr\": 0.013507943909371803\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7514450867052023,\n \"acc_stderr\": 0.023267528432100174,\n \"acc_norm\": 0.7514450867052023,\n \"acc_norm_stderr\": 0.023267528432100174\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.3854748603351955,\n \"acc_stderr\": 0.01627792703963819,\n \"acc_norm\": 0.3854748603351955,\n \"acc_norm_stderr\": 0.01627792703963819\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7418300653594772,\n \"acc_stderr\": 0.025058503316958143,\n \"acc_norm\": 0.7418300653594772,\n \"acc_norm_stderr\": 0.025058503316958143\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7234726688102894,\n \"acc_stderr\": 0.025403832978179604,\n \"acc_norm\": 0.7234726688102894,\n \"acc_norm_stderr\": 0.025403832978179604\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7685185185185185,\n \"acc_stderr\": 0.023468429832451152,\n \"acc_norm\": 0.7685185185185185,\n \"acc_norm_stderr\": 0.023468429832451152\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.49645390070921985,\n \"acc_stderr\": 0.02982674915328092,\n \"acc_norm\": 0.49645390070921985,\n \"acc_norm_stderr\": 0.02982674915328092\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.47392438070404175,\n \"acc_stderr\": 0.012752858346533133,\n \"acc_norm\": 0.47392438070404175,\n \"acc_norm_stderr\": 0.012752858346533133\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.6838235294117647,\n \"acc_stderr\": 0.028245687391462937,\n \"acc_norm\": 0.6838235294117647,\n \"acc_norm_stderr\": 0.028245687391462937\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6813725490196079,\n \"acc_stderr\": 0.01885008469646872,\n \"acc_norm\": 0.6813725490196079,\n \"acc_norm_stderr\": 0.01885008469646872\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6636363636363637,\n \"acc_stderr\": 0.04525393596302506,\n \"acc_norm\": 0.6636363636363637,\n \"acc_norm_stderr\": 0.04525393596302506\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7306122448979592,\n \"acc_stderr\": 0.02840125202902294,\n \"acc_norm\": 0.7306122448979592,\n \"acc_norm_stderr\": 0.02840125202902294\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8606965174129353,\n \"acc_stderr\": 0.024484487162913973,\n \"acc_norm\": 0.8606965174129353,\n \"acc_norm_stderr\": 0.024484487162913973\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.88,\n \"acc_stderr\": 0.03265986323710906,\n \"acc_norm\": 0.88,\n \"acc_norm_stderr\": 0.03265986323710906\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5421686746987951,\n \"acc_stderr\": 0.0387862677100236,\n \"acc_norm\": 0.5421686746987951,\n \"acc_norm_stderr\": 0.0387862677100236\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8187134502923976,\n \"acc_stderr\": 0.029547741687640044,\n \"acc_norm\": 0.8187134502923976,\n \"acc_norm_stderr\": 0.029547741687640044\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3708690330477356,\n \"mc1_stderr\": 0.01690969358024882,\n \"mc2\": 0.5291514968771067,\n \"mc2_stderr\": 0.015285199336849235\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8121546961325967,\n \"acc_stderr\": 0.010977481103435091\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.6785443517816527,\n \"acc_stderr\": 0.012864471384836703\n }\n}\n```", "repo_url": "https://huggingface.co/FelixChao/MathDolphin-7B", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T13-48-07.624647.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["**/details_harness|winogrande|5_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T13-48-07.624647.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T13_48_07.624647", "path": ["results_2024-01-14T13-48-07.624647.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T13-48-07.624647.parquet"]}]}]} | 2024-01-14T13:50:49+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of FelixChao/MathDolphin-7B
Dataset automatically created during the evaluation run of model FelixChao/MathDolphin-7B on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T13:48:07.624647(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of FelixChao/MathDolphin-7B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/MathDolphin-7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T13:48:07.624647(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of FelixChao/MathDolphin-7B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/MathDolphin-7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T13:48:07.624647(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
181,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of FelixChao/MathDolphin-7B\n\n\n\nDataset automatically created during the evaluation run of model FelixChao/MathDolphin-7B on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T13:48:07.624647(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.05261128768324852,
0.19997161626815796,
-0.005831469316035509,
0.053760919719934464,
0.08327743411064148,
-0.024434952065348625,
0.039929136633872986,
0.10834747552871704,
0.023335350677371025,
0.19306936860084534,
-0.024202387779951096,
0.09728997945785522,
0.0804402157664299,
0.11160793155431747,
0.020267369225621223,
-0.1401689499616623,
0.023799600079655647,
-0.09819528460502625,
0.10913927108049393,
0.055589985102415085,
0.05266673490405083,
-0.08167965710163116,
0.07725803554058075,
-0.03012712113559246,
0.06352856755256653,
-0.0007606236613355577,
-0.06110043823719025,
-0.03059276007115841,
0.10375897586345673,
0.10746464133262634,
0.035459160804748535,
-0.011446433141827583,
0.032404202967882156,
-0.2569303810596466,
0.017929011955857277,
0.09585955739021301,
-0.008716524578630924,
0.04267275333404541,
0.1588807851076126,
-0.08760543912649155,
0.08174987882375717,
-0.030238594859838486,
0.06565997004508972,
0.057367436587810516,
-0.11582200229167938,
-0.14342474937438965,
-0.1621573567390442,
-0.0014286087825894356,
0.06348268687725067,
0.04638552665710449,
-0.021905018016695976,
0.13231876492500305,
-0.04923019930720329,
0.049802813678979874,
0.16056106984615326,
-0.15129031240940094,
-0.02563565969467163,
0.054152294993400574,
0.03265710175037384,
0.09416382759809494,
-0.06913819164037704,
-0.01661044731736183,
0.039724018424749374,
0.05949300900101662,
-0.00723979203030467,
0.011249257251620293,
0.013153054751455784,
0.01165645569562912,
-0.15192358195781708,
-0.12555471062660217,
0.09558922052383423,
0.0013693547807633877,
-0.052921902388334274,
-0.17336176335811615,
-0.03252837061882019,
0.020165149122476578,
-0.0002828836441040039,
0.018532466143369675,
-0.0010125471744686365,
-0.012795611284673214,
0.08968061953783035,
-0.00681100832298398,
-0.08975335210561752,
-0.02046554908156395,
-0.010855669155716896,
0.03946198895573616,
0.022620592266321182,
-0.003182946937158704,
0.009580422192811966,
0.11642014980316162,
0.022136259824037552,
-0.053000837564468384,
-0.0722709596157074,
-0.05238989740610123,
-0.10417520254850388,
-0.035642221570014954,
0.011868555098772049,
-0.07736924290657043,
0.04603321850299835,
0.22165827453136444,
-0.02246951311826706,
0.02744499035179615,
-0.11891094595193863,
0.014664152637124062,
0.11845994740724564,
0.07206462323665619,
-0.08934932947158813,
-0.0667029619216919,
-0.04031003266572952,
0.018026091158390045,
0.029030563309788704,
-0.023719538003206253,
0.010004213079810143,
0.07582080364227295,
0.008473939262330532,
0.1285695880651474,
0.12136048078536987,
0.019869165495038033,
-0.06893736869096756,
-0.023174025118350983,
0.1947823017835617,
-0.1472700536251068,
-0.00009399346163263544,
0.032079000025987625,
-0.04009835794568062,
-0.09998403489589691,
0.05428336188197136,
-0.012786045670509338,
-0.05712496489286423,
0.11693616956472397,
-0.046249985694885254,
-0.08119352161884308,
-0.08923599123954773,
-0.08804621547460556,
0.041368983685970306,
-0.012576324865221977,
-0.059720683842897415,
-0.06992951780557632,
-0.1002536341547966,
-0.08867456763982773,
0.035856250673532486,
-0.07486703246831894,
-0.00990794412791729,
0.013717378489673138,
0.009542321786284447,
-0.009472982957959175,
-0.016497666016221046,
0.12033949047327042,
-0.06776925921440125,
0.03011343628168106,
-0.03487234562635422,
0.02992481179535389,
0.1157195121049881,
0.027514727786183357,
-0.1037086471915245,
0.08647724986076355,
-0.11559362709522247,
0.10204321146011353,
-0.12269581109285355,
-0.02121281996369362,
-0.11851522326469421,
0.0030964394100010395,
-0.011642607860267162,
0.04314391687512398,
-0.018933579325675964,
0.08843214809894562,
-0.1953846961259842,
-0.007529656868427992,
0.17777663469314575,
-0.11402076482772827,
-0.06748529523611069,
0.09529054164886475,
-0.038249723613262177,
0.05210188031196594,
0.04212529584765434,
0.09481067955493927,
0.10361545532941818,
-0.09460146725177765,
-0.10258880257606506,
-0.05057550221681595,
-0.02515680156648159,
0.15135976672172546,
0.06481434404850006,
-0.09003692865371704,
0.09341881424188614,
0.0307106114923954,
0.0018685414688661695,
-0.0615692064166069,
-0.012298287823796272,
-0.05816996470093727,
-0.009590374305844307,
-0.0541379489004612,
-0.0690574049949646,
-0.0174457635730505,
-0.0685158371925354,
-0.01099273469299078,
-0.0566239207983017,
-0.0011594571406021714,
0.09197090566158295,
-0.024777833372354507,
0.021938377991318703,
-0.08163895457983017,
0.0533597432076931,
0.007329927757382393,
0.011267371475696564,
-0.21452867984771729,
-0.07290509343147278,
0.03955885395407677,
-0.20712153613567352,
0.05164409428834915,
0.019427893683314323,
0.020604755729436874,
0.06814654916524887,
-0.006454362068325281,
0.018704667687416077,
0.035257842391729355,
-0.012056468054652214,
-0.01582374796271324,
-0.15079715847969055,
-0.0502982921898365,
-0.08473995327949524,
0.07191783934831619,
-0.12674833834171295,
-0.012327789328992367,
0.07084646821022034,
0.1439886838197708,
0.03273194283246994,
-0.06983919441699982,
0.047897983342409134,
0.018996475264430046,
-0.04495629668235779,
-0.0572676844894886,
0.0012212367728352547,
-0.01983862742781639,
0.03816112503409386,
0.04916125908493996,
-0.17419660091400146,
-0.10614246875047684,
0.07398023456335068,
0.14991271495819092,
-0.0595267154276371,
-0.06624052673578262,
-0.06419222056865692,
-0.05269818380475044,
-0.09554753452539444,
-0.0689500942826271,
0.08319521695375443,
0.09339238703250885,
0.059595510363578796,
-0.0758458748459816,
-0.044037386775016785,
0.006334964651614428,
0.04849511757493019,
-0.07093673199415207,
0.12062085419893265,
0.08280318230390549,
-0.0814119428396225,
0.10634832829236984,
-0.052354201674461365,
0.10319214314222336,
0.09725770354270935,
0.016631007194519043,
-0.10821777582168579,
0.00015987479127943516,
0.06376874446868896,
0.06586365401744843,
0.06775949150323868,
-0.00260500842705369,
0.041855115443468094,
0.08493883162736893,
-0.0016283574514091015,
0.04286805912852287,
-0.06718767434358597,
0.031607646495103836,
0.02630184404551983,
0.0015361036639660597,
0.022456729784607887,
0.00538090942427516,
0.024144448339939117,
0.09126604348421097,
0.019102951511740685,
0.0748661607503891,
-0.0392187125980854,
-0.054990481585264206,
-0.10266193002462387,
0.14087243378162384,
-0.08478031307458878,
-0.2354230284690857,
-0.17139077186584473,
-0.05484359711408615,
-0.042320702224969864,
-0.009068140760064125,
0.060833271592855453,
0.006420175079256296,
-0.10475616902112961,
-0.12382917106151581,
0.05807889997959137,
0.040702275931835175,
-0.1361268162727356,
-0.041757673025131226,
0.03918038308620453,
-0.012933806516230106,
-0.1733536571264267,
0.037290602922439575,
0.04479731619358063,
-0.06056774780154228,
0.014167251996695995,
0.06398604810237885,
0.11137761175632477,
0.0903928279876709,
0.08949469774961472,
-0.025626245886087418,
-0.02092796191573143,
0.17143464088439941,
-0.10395630449056625,
0.03074314258992672,
0.09845086932182312,
-0.028922026976943016,
0.07988981902599335,
0.13778436183929443,
0.009549508802592754,
-0.08243077993392944,
0.0512661375105381,
0.09816601872444153,
-0.061671528965234756,
-0.2549445331096649,
-0.10731924325227737,
-0.02924889698624611,
0.06370202451944351,
0.10706065595149994,
0.06445853412151337,
-0.0009123817435465753,
0.001723029650747776,
-0.11481564491987228,
-0.03733260929584503,
-0.032890643924474716,
0.06467001885175705,
0.025897571817040443,
-0.01494957972317934,
0.04430624842643738,
-0.04243985190987587,
0.01814919337630272,
0.1365368813276291,
0.032276809215545654,
0.167683944106102,
-0.029126089066267014,
0.18948140740394592,
0.0853879377245903,
0.07178133726119995,
-0.03516458719968796,
0.06186216324567795,
-0.024162542074918747,
0.06880570948123932,
-0.026085050776600838,
-0.09922013431787491,
-0.024729479104280472,
0.09787134826183319,
0.03862558305263519,
-0.0614817775785923,
0.0408543162047863,
-0.08431505411863327,
0.04519550874829292,
0.2523518204689026,
-0.016112275421619415,
-0.10821381956338882,
-0.05494505912065506,
0.061717186123132706,
-0.044614601880311966,
-0.08772170543670654,
0.000826916191726923,
0.09479457139968872,
-0.154819056391716,
0.01220547966659069,
-0.044917479157447815,
0.07863593101501465,
-0.11305435746908188,
-0.027039453387260437,
-0.04521295055747032,
0.0376039482653141,
-0.01668545790016651,
0.10294760018587112,
-0.14621563255786896,
0.09038056433200836,
-0.010607306845486164,
0.011237965896725655,
-0.07810571044683456,
0.06620746105909348,
-0.01807975396513939,
-0.05354935675859451,
0.13511373102664948,
-0.005283114966005087,
-0.1140582412481308,
-0.0623607262969017,
-0.11949767917394638,
-0.01838706247508526,
0.049727074801921844,
-0.11574558168649673,
0.11522365361452103,
0.026408135890960693,
-0.03072485700249672,
-0.042552556842565536,
-0.007684460841119289,
-0.10115963220596313,
-0.23142510652542114,
0.09226201474666595,
-0.15085719525814056,
0.04526207596063614,
-0.06257439404726028,
-0.050857748836278915,
-0.06774083524942398,
0.12153583019971848,
-0.12190206348896027,
-0.052452072501182556,
-0.10817790776491165,
-0.0380336195230484,
0.15419983863830566,
-0.0596526674926281,
0.05585337430238724,
-0.035190191119909286,
0.17156198620796204,
-0.04578765481710434,
-0.052033789455890656,
0.01843905821442604,
-0.09009957313537598,
-0.1893116980791092,
-0.05163736268877983,
0.1029558777809143,
0.06988940387964249,
0.02299465239048004,
-0.014508230611681938,
0.034124646335840225,
0.019038010388612747,
-0.09620906412601471,
0.030858606100082397,
0.12045223265886307,
0.13181930780410767,
0.052221186459064484,
-0.03918211907148361,
-0.12389484792947769,
-0.1061808317899704,
-0.10996705293655396,
0.05903276056051254,
0.185342937707901,
-0.0662112906575203,
0.15524064004421234,
0.14631469547748566,
-0.10359415411949158,
-0.20175203680992126,
-0.07830289006233215,
0.003105106530711055,
-0.017975471913814545,
0.13050170242786407,
-0.20275430381298065,
0.04226922616362572,
0.07919148355722427,
-0.032059893012046814,
0.10271508991718292,
-0.2866169214248657,
-0.1399143636226654,
0.0325995497405529,
0.05212613567709923,
-0.19372111558914185,
-0.16763153672218323,
-0.10105203837156296,
-0.020952068269252777,
-0.11890503019094467,
0.13155238330364227,
-0.013881195336580276,
0.034702520817518234,
-0.01495785266160965,
0.05551439896225929,
0.043420467525720596,
-0.06985550373792648,
0.13199716806411743,
-0.030026670545339584,
0.028936021029949188,
-0.09150946140289307,
-0.03071748837828636,
-0.013459712266921997,
-0.04543789476156235,
0.06931939721107483,
0.015304416418075562,
0.046003326773643494,
-0.10078999400138855,
-0.027550840750336647,
-0.05685396119952202,
0.04392861947417259,
-0.0668981596827507,
-0.053661394864320755,
-0.0737358033657074,
0.09016115218400955,
0.08410219103097916,
-0.004505665972828865,
0.03994157537817955,
-0.05226968973875046,
0.03811478242278099,
0.2426357865333557,
0.08390262722969055,
0.049449507147073746,
-0.08163474500179291,
-0.046396054327487946,
-0.0136586744338274,
-0.0009414342930540442,
-0.08363128453493118,
0.046699512749910355,
0.08776507526636124,
0.03874432295560837,
0.09789857268333435,
-0.023539016023278236,
-0.18732909858226776,
0.010234912857413292,
0.07150125503540039,
-0.09685442596673965,
-0.20864829421043396,
0.03916841745376587,
0.10711196810007095,
-0.12407093495130539,
-0.08319862186908722,
0.09490953385829926,
0.02521200105547905,
-0.03473176062107086,
-0.005544318817555904,
0.07418183982372284,
0.05001767724752426,
0.08540961146354675,
-0.006749146617949009,
0.04029997065663338,
-0.06471585482358932,
0.09124353528022766,
0.15093198418617249,
-0.11573861539363861,
0.0010912088910117745,
0.060017410665750504,
-0.04147260636091232,
-0.06694246083498001,
-0.009247655980288982,
0.05303725227713585,
0.001619562623091042,
-0.027044842019677162,
0.004456383641809225,
-0.048973988741636276,
0.07225922495126724,
0.16436131298542023,
-0.009678581729531288,
0.04601667821407318,
0.01770922541618347,
-0.0006649225833825767,
-0.043940916657447815,
0.10066480934619904,
0.03270452469587326,
0.045210111886262894,
-0.02881338819861412,
0.032771944999694824,
0.01709212362766266,
-0.033693525940179825,
0.019642774015665054,
-0.05416411533951759,
-0.07824568450450897,
0.00038371255504898727,
-0.18737825751304626,
0.0593438595533371,
-0.06908858567476273,
-0.00015130345127545297,
-0.009625913575291634,
-0.0047041126526892185,
0.0005852755857631564,
0.005056391470134258,
-0.07156966626644135,
-0.04256715252995491,
-0.053035881370306015,
0.14103861153125763,
-0.19158323109149933,
-0.005437297746539116,
0.08371400088071823,
-0.07384370267391205,
0.06269962340593338,
-0.003843429498374462,
-0.012032587081193924,
0.021130405366420746,
-0.08893803507089615,
-0.006155251059681177,
-0.03439107909798622,
0.06616269797086716,
0.020005300641059875,
-0.13585904240608215,
-0.01300782710313797,
-0.009650404565036297,
-0.08187505602836609,
-0.004787884186953306,
0.027264155447483063,
-0.14529263973236084,
0.07757357507944107,
0.09796323627233505,
-0.04968841373920441,
-0.03901099041104317,
0.04210302233695984,
0.04758749157190323,
-0.0015752548351883888,
0.09805406630039215,
-0.026001568883657455,
0.038165055215358734,
-0.15826301276683807,
-0.03782743215560913,
0.0094725601375103,
0.0028010366950184107,
0.031111249700188637,
0.008673697710037231,
0.026335550472140312,
0.006720537319779396,
0.22804151475429535,
-0.007913744077086449,
0.02454698272049427,
0.02056414633989334,
-0.027955010533332825,
-0.0363398902118206,
0.03717287629842758,
-0.00028090676642023027,
-0.0004810598911717534,
0.03422452136874199,
0.00984977837651968,
-0.02858850359916687,
-0.056226179003715515,
0.009544423781335354,
0.08845435827970505,
0.1303471177816391,
0.17618446052074432,
-0.032737426459789276,
0.058196984231472015,
-0.15403951704502106,
-0.0580463670194149,
0.005882883444428444,
-0.05475199595093727,
0.05537676811218262,
-0.07408951967954636,
0.06107015907764435,
0.08841817080974579,
-0.11773818731307983,
0.15396374464035034,
-0.05922809988260269,
-0.01574116013944149,
-0.04239342361688614,
-0.16471479833126068,
-0.039093129336833954,
0.026745455339550972,
-0.004196520429104567,
-0.09303963929414749,
0.11829067021608353,
0.11789186298847198,
0.0025597214698791504,
0.0012104966444894671,
0.0647849589586258,
-0.0952078327536583,
-0.05109422281384468,
-0.03360561281442642,
0.009109013713896275,
0.023117391392588615,
0.0048858062364161015,
0.05518661439418793,
0.004607269540429115,
0.05277492105960846,
0.0638442188501358,
0.10596397519111633,
0.040028419345617294,
0.025666700676083565,
-0.03238851577043533,
-0.04781966656446457,
0.00024968880461528897,
-0.0291279386729002,
-0.06054652854800224,
0.21330291032791138,
0.05847097933292389,
0.016755910590291023,
0.024282706901431084,
0.2095796912908554,
-0.022803589701652527,
-0.053321026265621185,
-0.12550659477710724,
0.17942388355731964,
-0.0030819012317806482,
0.04122402146458626,
0.032625310122966766,
-0.11164011061191559,
0.000011233413715672214,
0.16422639787197113,
0.10315360873937607,
0.01846855878829956,
0.010545111261308193,
0.0431809239089489,
0.024235468357801437,
-0.022324083372950554,
0.048686202615499496,
0.043286532163619995,
0.24268783628940582,
-0.05486138537526131,
0.08920750766992569,
-0.013505162671208382,
0.0051218974404037,
-0.050460319966077805,
0.1316632330417633,
-0.05459032207727432,
0.019060159102082253,
-0.06142278388142586,
0.08102522790431976,
-0.06373950093984604,
-0.25983956456184387,
-0.02109844610095024,
-0.08201711624860764,
-0.13507257401943207,
-0.01202815305441618,
0.021883636713027954,
-0.015008720569312572,
0.056412503123283386,
0.04228841885924339,
-0.022240350022912025,
0.1756364405155182,
0.009540524333715439,
-0.06385310739278793,
-0.08001657575368881,
0.06019323319196701,
-0.07997135818004608,
0.28096863627433777,
0.002460008254274726,
0.034086715430021286,
0.09008628875017166,
-0.022682037204504013,
-0.12434618920087814,
0.030366497114300728,
0.08803708851337433,
-0.06015262380242348,
0.04572596028447151,
0.14639559388160706,
-0.028164053335785866,
0.153786301612854,
0.024762209504842758,
-0.02343197539448738,
0.08148805052042007,
0.0872998759150505,
0.0344025082886219,
-0.07663579285144806,
0.07714251428842545,
-0.09601717442274094,
0.1197720468044281,
0.11319317668676376,
-0.012126443907618523,
0.007126752752810717,
-0.04986793175339699,
0.05924316868185997,
-0.04679504781961441,
0.12590917944908142,
-0.02166234701871872,
-0.15040796995162964,
0.039603378623723984,
-0.007272284012287855,
0.07150286436080933,
-0.24027930200099945,
-0.05703679472208023,
0.09314937144517899,
-0.04217149689793587,
-0.00982813909649849,
0.08175762742757797,
0.036565039306879044,
0.01483337301760912,
-0.04829813912510872,
-0.12931795418262482,
0.017773998901247978,
0.11954382061958313,
-0.0600493848323822,
-0.03407420217990875
] |
6740f433dd642d55cb44d91d69d09bd4f0bb3e5a |
# Dataset of asuka/飛鳥/飞鸟 (Azur Lane)
This is the dataset of asuka/飛鳥/飞鸟 (Azur Lane), containing 368 images and their tags.
The core tags of this character are `breasts, ponytail, brown_eyes, ribbon, large_breasts, hair_ribbon, black_hair, brown_hair, white_ribbon`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:-----------|:----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 368 | 446.06 MiB | [Download](https://huggingface.co/datasets/CyberHarem/asuka_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 368 | 270.39 MiB | [Download](https://huggingface.co/datasets/CyberHarem/asuka_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 875 | 566.59 MiB | [Download](https://huggingface.co/datasets/CyberHarem/asuka_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 368 | 396.89 MiB | [Download](https://huggingface.co/datasets/CyberHarem/asuka_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 875 | 781.51 MiB | [Download](https://huggingface.co/datasets/CyberHarem/asuka_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/asuka_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, cleavage, open_mouth, :d, blush, striped_bikini, navel, red_scarf, simple_background, white_background |
| 1 | 10 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, navel, solo, striped_bikini, cleavage, front-tie_top, looking_at_viewer, blush, side-tie_bikini_bottom, multicolored_stripes, open_mouth, red_scarf, white_background, smile, multicolored_clothes, simple_background |
| 2 | 9 | ![](samples/2/clu2-sample0.png) | ![](samples/2/clu2-sample1.png) | ![](samples/2/clu2-sample2.png) | ![](samples/2/clu2-sample3.png) | ![](samples/2/clu2-sample4.png) | cleavage, looking_at_viewer, 1girl, cloud, day, open_mouth, outdoors, solo, blue_sky, beach, navel, side-tie_bikini_bottom, smile, ocean, striped_bikini, blush, long_hair |
| 3 | 30 | ![](samples/3/clu3-sample0.png) | ![](samples/3/clu3-sample1.png) | ![](samples/3/clu3-sample2.png) | ![](samples/3/clu3-sample3.png) | ![](samples/3/clu3-sample4.png) | school_uniform, 1girl, solo, sweater_vest, black_thighhighs, dual_wielding, plaid_skirt, red_scarf, katana, necktie, smile, looking_at_viewer, blush |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | cleavage | open_mouth | :d | blush | striped_bikini | navel | red_scarf | simple_background | white_background | front-tie_top | side-tie_bikini_bottom | multicolored_stripes | smile | multicolored_clothes | cloud | day | outdoors | blue_sky | beach | ocean | long_hair | school_uniform | sweater_vest | black_thighhighs | dual_wielding | plaid_skirt | katana | necktie |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:-----------|:-------------|:-----|:--------|:-----------------|:--------|:------------|:--------------------|:-------------------|:----------------|:-------------------------|:-----------------------|:--------|:-----------------------|:--------|:------|:-----------|:-----------|:--------|:--------|:------------|:-----------------|:---------------|:-------------------|:----------------|:--------------|:---------|:----------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | |
| 1 | 10 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | X | X | | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | |
| 2 | 9 | ![](samples/2/clu2-sample0.png) | ![](samples/2/clu2-sample1.png) | ![](samples/2/clu2-sample2.png) | ![](samples/2/clu2-sample3.png) | ![](samples/2/clu2-sample4.png) | X | X | X | X | X | | X | X | X | | | | | X | | X | | X | X | X | X | X | X | X | | | | | | | |
| 3 | 30 | ![](samples/3/clu3-sample0.png) | ![](samples/3/clu3-sample1.png) | ![](samples/3/clu3-sample2.png) | ![](samples/3/clu3-sample3.png) | ![](samples/3/clu3-sample4.png) | X | X | X | | | | X | | | X | | | | | | X | | | | | | | | | X | X | X | X | X | X | X |
| CyberHarem/asuka_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T13:51:17+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T15:01:19+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of asuka/飛鳥/飞鸟 (Azur Lane)
==================================
This is the dataset of asuka/飛鳥/飞鸟 (Azur Lane), containing 368 images and their tags.
The core tags of this character are 'breasts, ponytail, brown\_eyes, ribbon, large\_breasts, hair\_ribbon, black\_hair, brown\_hair, white\_ribbon', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
f8c198f1bb9a37e9c683b9a6f96d37fa5de91e79 | # Dataset Card
- **Homepage: https://kaistai.github.io/prometheus-vision/**
- **Repository: https://github.com/kaistAI/prometheus-vision**
- **Paper: https://arxiv.org/abs/2401.06591**
- **Point of Contact: [email protected]**
### Dataset summary
Perception Collection is the first multi-modal feedback dataset that could be used to train an evaluator VLM. Perception Collection includes 15K fine-grained criteria that determine the crucial aspect for each instance.
![plot](./perception_collection.JPG)
### Languages
English
## Dataset Structure
* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.
* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.
* output: The output that the evaluator VLM should generate. It includes the feedback and score decision divided by a phrase ```[RESULT]```.
* orig```_```instruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.
* orig```_```response: The response to be evaluated.
* orig```_```reference```_```answer: A reference answer to the orig```_```instruction.
* orig```_```criteria: The score criteria used to evaluate the orig```_``` response.
* orig```_```score1```_```description: A description of when to give a score of 1 to the orig```_```response.
* orig```_```score2```_```description: A description of when to give a score of 2 to the orig```_```response.
* orig```_```score3```_```description: A description of when to give a score of 3 to the orig```_```response.
* orig```_```score4```_```description: A description of when to give a score of 4 to the orig```_```response.
* orig```_```score5```_```description: A description of when to give a score of 5 to the orig```_```response.
* orig```_```feedback: A feedback that critiques the orig```_```response.
* orig```_```score: An integer between 1 and 5 given to the orig```_```response.
In our paper, we trained the input using the following prompt format (already processed in the 'instruction'):
```
###Task Description:
An instruction (might include an Input inside it), a response to evaluate, a reference answer that gets a score of 5, image and a score rubric representing an evaluation criterion is given.
1. Write a detailed feedback that assess the quality of the response strictly based on the given score rubric, not evaluating in general.
2. After writing a feedback, write a score that is an integer between 1 and 5. You should refer to the score rubric.
3. The output format should look as follows: \"Feedback: (write a feedback for criteria) [RESULT] (an integer number between 1 and 5)\"
4. Please do not generate any other opening, closing, and explanations.
###The instruction to evaluate:
{orig_instruction}
###Response to evaluate:
{orig_response}
###Reference Answer (Score 5):
{orig_reference_answer}
###Score Rubrics:
[{orig_criteria}]
Score 1: {orig_score1_description}
Score 2: {orig_score2_description}
Score 3: {orig_score3_description}
Score 4: {orig_score4_description}
Score 5: {orig_score5_description}
###Feedback:
```
### Data Splits
| name | train |
|-------------------|------:|
|Perception-Collection|150,108|
### Citation Information
If you find the following dataset helpful, please consider citing our paper!
```bibtex
@misc{lee2024prometheusvision,
title={Prometheus-Vision: Vision-Language Model as a Judge for Fine-Grained Evaluation},
author={Seongyun Lee and Seungone Kim and Sue Hyun Park and Geewook Kim and Minjoon Seo},
year={2024},
eprint={2401.06591},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
``` | kaist-ai/Perception-Collection | [
"task_categories:visual-question-answering",
"task_categories:text2text-generation",
"task_categories:image-to-text",
"size_categories:100K<n<1M",
"language:en",
"license:cc-by-4.0",
"arxiv:2401.06591",
"region:us"
] | 2024-01-14T14:05:16+00:00 | {"language": ["en"], "license": "cc-by-4.0", "size_categories": ["100K<n<1M"], "task_categories": ["visual-question-answering", "text2text-generation", "image-to-text"]} | 2024-01-15T12:52:11+00:00 | [
"2401.06591"
] | [
"en"
] | TAGS
#task_categories-visual-question-answering #task_categories-text2text-generation #task_categories-image-to-text #size_categories-100K<n<1M #language-English #license-cc-by-4.0 #arxiv-2401.06591 #region-us
| Dataset Card
============
* Homepage: URL
* Repository: URL
* Paper: URL
* Point of Contact: seongyun@URL
### Dataset summary
Perception Collection is the first multi-modal feedback dataset that could be used to train an evaluator VLM. Perception Collection includes 15K fine-grained criteria that determine the crucial aspect for each instance.
!plot
### Languages
English
Dataset Structure
-----------------
* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.
* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.
* output: The output that the evaluator VLM should generate. It includes the feedback and score decision divided by a phrase .
* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.
* origresponse: The response to be evaluated.
* origreferenceanswer: A reference answer to the originstruction.
* origcriteria: The score criteria used to evaluate the orig response.
* origscore1description: A description of when to give a score of 1 to the origresponse.
* origscore2description: A description of when to give a score of 2 to the origresponse.
* origscore3description: A description of when to give a score of 3 to the origresponse.
* origscore4description: A description of when to give a score of 4 to the origresponse.
* origscore5description: A description of when to give a score of 5 to the origresponse.
* origfeedback: A feedback that critiques the origresponse.
* origscore: An integer between 1 and 5 given to the origresponse.
In our paper, we trained the input using the following prompt format (already processed in the 'instruction'):
### Data Splits
If you find the following dataset helpful, please consider citing our paper!
| [
"### Dataset summary\n\n\nPerception Collection is the first multi-modal feedback dataset that could be used to train an evaluator VLM. Perception Collection includes 15K fine-grained criteria that determine the crucial aspect for each instance.\n!plot",
"### Languages\n\n\nEnglish\n\n\nDataset Structure\n-----------------\n\n\n* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.\n* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.\n* output: The output that the evaluator VLM should generate. It includes the feedback and score decision divided by a phrase .\n* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.\n* origresponse: The response to be evaluated.\n* origreferenceanswer: A reference answer to the originstruction.\n* origcriteria: The score criteria used to evaluate the orig response.\n* origscore1description: A description of when to give a score of 1 to the origresponse.\n* origscore2description: A description of when to give a score of 2 to the origresponse.\n* origscore3description: A description of when to give a score of 3 to the origresponse.\n* origscore4description: A description of when to give a score of 4 to the origresponse.\n* origscore5description: A description of when to give a score of 5 to the origresponse.\n* origfeedback: A feedback that critiques the origresponse.\n* origscore: An integer between 1 and 5 given to the origresponse.\n\n\nIn our paper, we trained the input using the following prompt format (already processed in the 'instruction'):",
"### Data Splits\n\n\n\nIf you find the following dataset helpful, please consider citing our paper!"
] | [
"TAGS\n#task_categories-visual-question-answering #task_categories-text2text-generation #task_categories-image-to-text #size_categories-100K<n<1M #language-English #license-cc-by-4.0 #arxiv-2401.06591 #region-us \n",
"### Dataset summary\n\n\nPerception Collection is the first multi-modal feedback dataset that could be used to train an evaluator VLM. Perception Collection includes 15K fine-grained criteria that determine the crucial aspect for each instance.\n!plot",
"### Languages\n\n\nEnglish\n\n\nDataset Structure\n-----------------\n\n\n* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.\n* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.\n* output: The output that the evaluator VLM should generate. It includes the feedback and score decision divided by a phrase .\n* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.\n* origresponse: The response to be evaluated.\n* origreferenceanswer: A reference answer to the originstruction.\n* origcriteria: The score criteria used to evaluate the orig response.\n* origscore1description: A description of when to give a score of 1 to the origresponse.\n* origscore2description: A description of when to give a score of 2 to the origresponse.\n* origscore3description: A description of when to give a score of 3 to the origresponse.\n* origscore4description: A description of when to give a score of 4 to the origresponse.\n* origscore5description: A description of when to give a score of 5 to the origresponse.\n* origfeedback: A feedback that critiques the origresponse.\n* origscore: An integer between 1 and 5 given to the origresponse.\n\n\nIn our paper, we trained the input using the following prompt format (already processed in the 'instruction'):",
"### Data Splits\n\n\n\nIf you find the following dataset helpful, please consider citing our paper!"
] | [
80,
53,
371,
21
] | [
"passage: TAGS\n#task_categories-visual-question-answering #task_categories-text2text-generation #task_categories-image-to-text #size_categories-100K<n<1M #language-English #license-cc-by-4.0 #arxiv-2401.06591 #region-us \n### Dataset summary\n\n\nPerception Collection is the first multi-modal feedback dataset that could be used to train an evaluator VLM. Perception Collection includes 15K fine-grained criteria that determine the crucial aspect for each instance.\n!plot### Languages\n\n\nEnglish\n\n\nDataset Structure\n-----------------\n\n\n* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.\n* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.\n* output: The output that the evaluator VLM should generate. It includes the feedback and score decision divided by a phrase .\n* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.\n* origresponse: The response to be evaluated.\n* origreferenceanswer: A reference answer to the originstruction.\n* origcriteria: The score criteria used to evaluate the orig response.\n* origscore1description: A description of when to give a score of 1 to the origresponse.\n* origscore2description: A description of when to give a score of 2 to the origresponse.\n* origscore3description: A description of when to give a score of 3 to the origresponse.\n* origscore4description: A description of when to give a score of 4 to the origresponse.\n* origscore5description: A description of when to give a score of 5 to the origresponse.\n* origfeedback: A feedback that critiques the origresponse.\n* origscore: An integer between 1 and 5 given to the origresponse.\n\n\nIn our paper, we trained the input using the following prompt format (already processed in the 'instruction'):"
] | [
-0.04698751121759415,
0.14706285297870636,
-0.008509139530360699,
0.06340820342302322,
0.08485222607851028,
0.0066062831319868565,
0.04791170358657837,
0.13932879269123077,
-0.07421351224184036,
0.14348462224006653,
-0.004331566393375397,
0.04843796417117119,
0.12095684558153152,
-0.020808128640055656,
-0.010082291439175606,
-0.1457768976688385,
-0.013794449158012867,
-0.0725778266787529,
-0.004055799916386604,
0.07730003446340561,
0.0606192946434021,
-0.07360215485095978,
0.06255743652582169,
-0.0024420530535280704,
-0.021569235250353813,
-0.012716378085315228,
0.025051185861229897,
0.006982903927564621,
-0.011125393211841583,
0.0767194926738739,
0.08509212732315063,
-0.033907804638147354,
0.005273163318634033,
-0.18145424127578735,
0.010412738658487797,
0.06398109346628189,
-0.004550122655928135,
0.022968612611293793,
0.0979006215929985,
-0.09032333642244339,
0.16780884563922882,
-0.09251266717910767,
0.020624248310923576,
0.05807344615459442,
-0.17201115190982819,
-0.17136460542678833,
-0.07030365616083145,
0.1145634576678276,
0.13308292627334595,
0.08048732578754425,
-0.04802762717008591,
0.011331211775541306,
0.04690627008676529,
0.0604664646089077,
0.017424842342734337,
-0.10562662780284882,
-0.047087639570236206,
0.07211439311504364,
0.01104454230517149,
0.12563090026378632,
-0.15691708028316498,
-0.044984906911849976,
-0.00929168239235878,
-0.030754342675209045,
0.008011210709810257,
-0.026439201086759567,
0.044844821095466614,
0.024960409849882126,
-0.11317922919988632,
-0.1082177385687828,
0.10397537797689438,
0.03227556496858597,
-0.050448112189769745,
-0.07165785878896713,
0.000008120574420900084,
-0.07904365658760071,
0.07405410706996918,
-0.021380560472607613,
0.030125517398118973,
0.0351763553917408,
0.0704842358827591,
-0.0713585764169693,
-0.17875511944293976,
-0.0026861128862947226,
-0.05621246621012688,
0.056989531964063644,
-0.03477245569229126,
0.008840824477374554,
-0.031698569655418396,
0.12796306610107422,
0.011314279399812222,
-0.07878207415342331,
-0.1133437305688858,
-0.010458545759320259,
-0.10515064001083374,
-0.049688760191202164,
-0.018441732972860336,
-0.19335314631462097,
-0.024426322430372238,
0.06834381073713303,
0.026213914155960083,
0.006498439237475395,
-0.054145585745573044,
0.02281319908797741,
0.07464949041604996,
0.21074049174785614,
-0.014859890565276146,
0.011614956893026829,
-0.03165367245674133,
0.010464401915669441,
-0.052448075264692307,
-0.04981132596731186,
0.025322215631604195,
-0.018778441473841667,
-0.021510768681764603,
0.12143857032060623,
0.10085012018680573,
0.005268759094178677,
-0.10365202277898788,
-0.06196499988436699,
0.034299205988645554,
-0.09953132271766663,
0.06497646123170853,
0.05145798623561859,
-0.06317315250635147,
0.0889274999499321,
0.07970035821199417,
0.0035251732915639877,
-0.08482315391302109,
0.029585465788841248,
-0.057700734585523605,
0.0030046154279261827,
-0.07214104384183884,
-0.06605993956327438,
-0.015883760526776314,
-0.02997947297990322,
-0.07530798017978668,
-0.04861864820122719,
-0.002350019058212638,
-0.12443598359823227,
0.06826610118150711,
-0.07972041517496109,
0.05013038218021393,
-0.03835846111178398,
-0.07494381070137024,
0.016330715268850327,
0.0877552404999733,
-0.05304575711488724,
0.010274381376802921,
0.04656733572483063,
-0.04526117071509361,
0.01748700812458992,
0.04929481819272041,
0.044305652379989624,
-0.07121008634567261,
0.04107017442584038,
-0.013577079400420189,
0.11073452979326248,
-0.05255964398384094,
-0.021828800439834595,
-0.08185695111751556,
0.0013669508043676615,
0.00554343406111002,
-0.03655935078859329,
0.004453679546713829,
0.07538978010416031,
-0.1200551986694336,
-0.02450096234679222,
0.04938095062971115,
-0.08251485228538513,
0.001993148121982813,
0.045462269335985184,
-0.017542807385325432,
0.08449040353298187,
0.01430733222514391,
0.08310500532388687,
0.1300155371427536,
-0.10109461098909378,
-0.05429486185312271,
-0.09778280556201935,
-0.07557622343301773,
0.15980441868305206,
0.10145052522420883,
-0.013958517462015152,
0.08171070367097855,
0.016082443296909332,
-0.06771037727594376,
-0.09072084724903107,
-0.01951402798295021,
-0.06936126947402954,
-0.02746465802192688,
0.026263464242219925,
-0.08374932408332825,
-0.033784929662942886,
-0.08060333132743835,
0.045796848833560944,
-0.07303282618522644,
-0.055196043103933334,
0.03300170600414276,
-0.06328092515468597,
0.02060997486114502,
-0.08201068639755249,
0.048650775104761124,
-0.08941338956356049,
0.0249947439879179,
-0.15577174723148346,
0.018041614443063736,
0.029840409755706787,
-0.07090073823928833,
0.09896400570869446,
0.14844606816768646,
0.04556843265891075,
0.02405165694653988,
0.002374358242377639,
-0.025950536131858826,
-0.06599372625350952,
-0.005578592419624329,
-0.05857190489768982,
-0.0943702682852745,
0.009742163121700287,
-0.03769293054938316,
0.18365737795829773,
-0.16786696016788483,
-0.018574388697743416,
0.13792937994003296,
0.027503488585352898,
0.10827135294675827,
-0.055684130638837814,
0.0354585126042366,
-0.012932143174111843,
-0.03084689937531948,
-0.03269657865166664,
0.0033915694802999496,
-0.0057612136006355286,
0.045210160315036774,
0.027696680277585983,
-0.18669326603412628,
-0.13758127391338348,
0.043562598526477814,
0.14384806156158447,
-0.06856467574834824,
-0.040613409131765366,
-0.03324985131621361,
-0.03398403897881508,
0.010965709574520588,
-0.03555098548531532,
0.12715628743171692,
0.06721580773591995,
0.032277945429086685,
-0.025985946878790855,
-0.013703805394470692,
0.0072241490706801414,
-0.029072165489196777,
-0.025172190740704536,
0.04086039215326309,
-0.015008623711764812,
-0.060055043548345566,
0.04206247627735138,
0.057716239243745804,
0.031971659511327744,
0.12559060752391815,
0.053370151668787,
-0.11975157260894775,
-0.09286580979824066,
0.02934832125902176,
0.06581749767065048,
-0.029127907007932663,
-0.020324191078543663,
0.07270597666501999,
0.055026378482580185,
0.044585004448890686,
-0.020400283858180046,
-0.09341747313737869,
0.05285624787211418,
0.09503129869699478,
-0.02979094907641411,
-0.05605103820562363,
-0.007459570188075304,
0.007794808130711317,
0.07165999710559845,
-0.00854471791535616,
0.14660368859767914,
-0.02275581657886505,
-0.05056198686361313,
-0.09046008437871933,
0.11987801641225815,
-0.08500684052705765,
-0.2722577750682831,
-0.24069036543369293,
0.004956526681780815,
-0.06561946868896484,
0.020160416141152382,
0.05235814303159714,
-0.0020320741459727287,
-0.07581446319818497,
-0.09163587540388107,
0.2046792209148407,
-0.01560315489768982,
-0.06570896506309509,
-0.09042799472808838,
0.12431327998638153,
-0.009494333527982235,
-0.11349344998598099,
0.01747731678187847,
0.011291341856122017,
-0.15605182945728302,
0.07319909334182739,
-0.002225062809884548,
0.09497104585170746,
0.10744301974773407,
-0.012040945701301098,
-0.03797810897231102,
0.01270153559744358,
0.16753613948822021,
-0.08572332561016083,
0.12575063109397888,
0.09127691388130188,
-0.08911401778459549,
0.08607752621173859,
0.1174270510673523,
-0.02161959931254387,
-0.061542410403490067,
0.002471402520313859,
0.0709860548377037,
-0.008404048159718513,
-0.27371999621391296,
0.02097742259502411,
-0.07585050910711288,
-0.011698925867676735,
0.07476718723773956,
0.040456436574459076,
0.07360322028398514,
0.05181219428777695,
-0.018892686814069748,
-0.046817101538181305,
0.03761798515915871,
0.0955655574798584,
0.04203440621495247,
0.001807836932130158,
0.039265185594558716,
-0.06661055237054825,
0.07902617007493973,
0.12282007187604904,
0.047445766627788544,
0.18463312089443207,
0.011952279135584831,
0.07865609228610992,
0.07421603798866272,
0.00161812175065279,
-0.001671047881245613,
0.025968385860323906,
-0.035485126078128815,
0.015803249552845955,
-0.015450863167643547,
-0.05536595359444618,
-0.023623144254088402,
0.1204538643360138,
0.11740072816610336,
0.012292996048927307,
-0.002669709734618664,
0.006085055414587259,
0.06777971237897873,
0.2457054853439331,
0.050820548087358475,
-0.10897588729858398,
-0.06513918191194534,
0.006565634626895189,
-0.0007798864389769733,
-0.08428246527910233,
-0.029229940846562386,
0.06462577730417252,
-0.10085044056177139,
-0.051457539200782776,
-0.029836120083928108,
0.08754120767116547,
-0.17849671840667725,
-0.051147010177373886,
-0.04364803805947304,
0.031013119965791702,
-0.023769386112689972,
0.11852268129587173,
-0.08343275636434555,
0.09897967427968979,
-0.016177138313651085,
0.047725580632686615,
-0.01735668256878853,
0.0274722408503294,
-0.04926859959959984,
0.03720003366470337,
0.17508046329021454,
0.027523377910256386,
-0.014961068518459797,
-0.13596920669078827,
-0.045378006994724274,
0.01103388424962759,
0.1268531233072281,
-0.1736929565668106,
0.13377274572849274,
-0.059831224381923676,
-0.03288939222693443,
-0.05652531981468201,
0.05559669807553291,
0.029423201456665993,
-0.16346894204616547,
0.05193205922842026,
-0.02258206717669964,
0.07940466701984406,
-0.008287359960377216,
0.05637359619140625,
0.05565711855888367,
0.17129892110824585,
-0.2372719943523407,
-0.025579256936907768,
-0.10325121134519577,
-0.0055696675553917885,
0.14610528945922852,
-0.08438871800899506,
0.012878317385911942,
-0.059792932122945786,
0.17394596338272095,
0.036568574607372284,
-0.05303262546658516,
0.0223615113645792,
-0.041875097900629044,
-0.1263658106327057,
-0.050602592527866364,
0.09504199773073196,
0.010936519131064415,
0.025177419185638428,
-0.004834020510315895,
0.11225336045026779,
-0.09950646013021469,
-0.08591310679912567,
0.05427968129515648,
0.09638699144124985,
0.004291621968150139,
0.02401001937687397,
-0.01631956920027733,
-0.13793505728244781,
-0.11253560334444046,
-0.049485646188259125,
0.034481294453144073,
0.22458145022392273,
-0.051764074712991714,
0.10300959646701813,
0.07841792702674866,
-0.14010851085186005,
-0.13602547347545624,
-0.03840292617678642,
0.042191244661808014,
0.044656481593847275,
0.09890736639499664,
-0.1286712884902954,
0.06286875158548355,
0.06889917701482773,
0.04515041783452034,
-0.0054040467366576195,
-0.18958337604999542,
-0.08422902971506119,
-0.0593668594956398,
0.10526814311742783,
-0.08767326176166534,
-0.11578541249036789,
-0.05084432289004326,
0.02555903233587742,
-0.14459221065044403,
0.12119705229997635,
0.04045218229293823,
0.09587400406599045,
-0.044553015381097794,
0.001995908562093973,
0.060740843415260315,
-0.018403038382530212,
0.169204443693161,
-0.025505082681775093,
0.06478127837181091,
-0.06310901045799255,
-0.047973278909921646,
0.09040863811969757,
-0.06609737873077393,
0.07284665107727051,
0.06353817135095596,
0.06141670048236847,
-0.09621584415435791,
-0.05663705989718437,
-0.03680223599076271,
-0.04254692420363426,
-0.043981414288282394,
-0.043844789266586304,
-0.06577428430318832,
0.104705311357975,
0.05534077435731888,
-0.014721021987497807,
-0.013187355361878872,
-0.10021854192018509,
0.019209953024983406,
0.19368183612823486,
0.03101668320596218,
0.09028222411870956,
-0.11861561983823776,
-0.07925927639007568,
0.03823939338326454,
0.005093925166875124,
-0.11821475625038147,
0.06588107347488403,
0.11569724231958389,
0.05004873499274254,
0.1306627243757248,
-0.018068509176373482,
-0.06092394143342972,
0.04846741259098053,
0.0633779838681221,
-0.05319816619157791,
-0.05564307048916817,
0.007358447648584843,
-0.0038282524328678846,
-0.10655060410499573,
-0.08593429625034332,
0.1411500871181488,
0.015059638768434525,
0.0016147949500009418,
0.05019143223762512,
0.050701968371868134,
-0.02342948690056801,
0.040121279656887054,
0.0015893294475972652,
0.019641300663352013,
-0.026392828673124313,
0.0607699416577816,
0.16179867088794708,
-0.09876571595668793,
-0.017289159819483757,
0.03461696580052376,
-0.03371291235089302,
-0.015176049433648586,
-0.06295964121818542,
0.027695724740624428,
-0.060510072857141495,
-0.008803920820355415,
0.011683085933327675,
-0.021206974983215332,
0.02301947772502899,
-0.019060399383306503,
0.012034475803375244,
0.08824218064546585,
-0.08126523345708847,
-0.010898394510149956,
-0.11193888634443283,
0.09693144261837006,
0.009222320280969143,
0.0007734306273050606,
-0.06658141314983368,
0.01741364412009716,
-0.00754833547398448,
-0.024847740307450294,
0.01650593802332878,
-0.10871926695108414,
-0.0770583301782608,
0.006415139883756638,
0.021698109805583954,
0.01649509370326996,
-0.015207001939415932,
-0.005959113594144583,
0.03467659279704094,
-0.07700714468955994,
-0.012577435001730919,
0.02156204916536808,
-0.034032080322504044,
-0.0384235717356205,
-0.0813925638794899,
0.08238552510738373,
-0.1924825757741928,
-0.050402477383613586,
0.07666761428117752,
-0.06939724087715149,
0.07406892627477646,
0.06012840196490288,
-0.05843071639537811,
-0.05024726688861847,
-0.16165250539779663,
0.037399064749479294,
-0.006121580954641104,
0.02402293123304844,
0.0011942227138206363,
-0.1413593739271164,
0.013541823253035545,
-0.011214755475521088,
-0.07887173444032669,
0.003687502583488822,
0.04100353270769119,
-0.11512967199087143,
-0.0036145381163805723,
-0.04963342845439911,
-0.1051785945892334,
-0.04451573267579079,
0.056396231055259705,
-0.019298285245895386,
0.02708636410534382,
0.10820253938436508,
0.014159275218844414,
0.1277514547109604,
-0.13603758811950684,
-0.04168803617358208,
0.034259263426065445,
0.04035596176981926,
-0.009938087314367294,
-0.10183592885732651,
0.0279028732329607,
-0.011539404280483723,
0.01914401352405548,
0.06411635130643845,
0.07353124022483826,
0.03284592181444168,
-0.027303969487547874,
-0.03324877470731735,
-0.0038880917709320784,
-0.01794516295194626,
0.005737208295613527,
0.001811981899663806,
0.0005650128587149084,
-0.028682976961135864,
-0.061191726475954056,
-0.00024365367426071316,
0.15289881825447083,
0.014377896673977375,
0.14733704924583435,
-0.00824955478310585,
0.03794824331998825,
0.04410092160105705,
-0.12020293623209,
0.060367401689291,
-0.05782755836844444,
0.00911383144557476,
-0.023313678801059723,
-0.015622875653207302,
0.13072432577610016,
-0.15386344492435455,
0.10354335606098175,
-0.03342272341251373,
-0.042478106915950775,
0.012497647665441036,
-0.19251227378845215,
-0.05527297407388687,
-0.039683885872364044,
-0.031487129628658295,
-0.07732084393501282,
0.08717744797468185,
-0.0687047615647316,
0.05313718318939209,
-0.025765130296349525,
0.14777310192584991,
-0.04299422726035118,
-0.0685315653681755,
0.029708005487918854,
-0.009008588269352913,
0.027082039043307304,
0.03160778433084488,
0.11720092594623566,
0.05153972655534744,
0.050384245812892914,
0.042234715074300766,
0.14139293134212494,
0.059346236288547516,
-0.03921019285917282,
-0.09000542759895325,
-0.09961312264204025,
-0.03892908990383148,
-0.004889977164566517,
-0.08502811193466187,
0.15498486161231995,
0.05368661880493164,
0.026258351281285286,
0.020140962675213814,
0.18255488574504852,
-0.020212525501847267,
-0.03541986271739006,
-0.15401887893676758,
0.11477790027856827,
-0.03523806482553482,
0.012495716102421284,
-0.015385132282972336,
-0.10850135236978531,
0.006640472915023565,
0.1275833696126938,
-0.018845289945602417,
-0.004802511539310217,
0.015406214632093906,
0.07827599346637726,
0.0345790795981884,
-0.030621828511357307,
0.011928696185350418,
-0.010873841121792793,
0.22251833975315094,
-0.0616317018866539,
0.09176846593618393,
-0.024489399045705795,
-0.009613282978534698,
0.09165442734956741,
0.07990451902151108,
-0.06009091064333916,
-0.016315622255206108,
-0.044460564851760864,
0.10753131657838821,
-0.03394382447004318,
-0.22206568717956543,
0.10468646138906479,
-0.009847236797213554,
-0.04217096418142319,
-0.024076487869024277,
0.1081697940826416,
-0.05376207083463669,
0.03713257238268852,
-0.0010804601479321718,
-0.08514779061079025,
0.22034309804439545,
0.02019050344824791,
0.010677287355065346,
-0.031417351216077805,
0.05325769633054733,
-0.02231006883084774,
0.08607766032218933,
0.01722550205886364,
0.06450983881950378,
0.05904107913374901,
0.009984373115003109,
-0.12061754614114761,
0.01000665407627821,
0.0493466816842556,
-0.04024406149983406,
0.04150460287928581,
0.15476642549037933,
0.008273312821984291,
0.09857003390789032,
0.07393921911716461,
0.018657762557268143,
0.06110742688179016,
0.026504922658205032,
0.007999732159078121,
-0.0656273141503334,
0.059483472257852554,
-0.07088340818881989,
0.09496056288480759,
0.13099756836891174,
0.0031583700329065323,
-0.025872698053717613,
-0.02677268534898758,
0.08216915279626846,
-0.022505834698677063,
0.131874680519104,
0.008570789359509945,
-0.04084664583206177,
-0.0026716997381299734,
0.05695858597755432,
0.12613525986671448,
-0.1810523271560669,
-0.09925521910190582,
0.09174015372991562,
-0.07608035206794739,
0.011565698310732841,
0.08662385493516922,
0.014774341136217117,
0.02404322661459446,
-0.05845477432012558,
-0.06585364043712616,
0.0469052791595459,
0.12811987102031708,
-0.09799254685640335,
-0.026785358786582947
] |
288a3244f0e58d97a7b3cc9f33ff420dfebb6588 |
# Dataset of constellation/コンステレーション/星座 (Azur Lane)
This is the dataset of constellation/コンステレーション/星座 (Azur Lane), containing 15 images and their tags.
The core tags of this character are `long_hair, blue_hair, breasts, large_breasts, very_long_hair, animal_ears, hair_between_eyes, blue_eyes, bangs, fake_animal_ears, purple_eyes, rabbit_ears`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 15 | 23.25 MiB | [Download](https://huggingface.co/datasets/CyberHarem/constellation_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 15 | 11.62 MiB | [Download](https://huggingface.co/datasets/CyberHarem/constellation_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 37 | 24.18 MiB | [Download](https://huggingface.co/datasets/CyberHarem/constellation_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 15 | 20.07 MiB | [Download](https://huggingface.co/datasets/CyberHarem/constellation_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 37 | 35.28 MiB | [Download](https://huggingface.co/datasets/CyberHarem/constellation_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/constellation_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, playboy_bunny, solo, wrist_cuffs, bare_shoulders, thigh_strap, white_leotard, white_pantyhose, cleavage, detached_collar, official_alternate_costume, strapless_leotard, full_body, navel_cutout, simple_background, smile, blush, bowtie, closed_mouth, highleg_leotard, holding, light_blue_hair, sitting, standing |
| 1 | 5 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, bare_shoulders, halo, looking_at_viewer, solo, white_dress, full_body, no_shoes, sideboob, elbow_gloves, from_side, simple_background, white_background, ass, blush, cleavage, feet, knee_up, legs, light_blue_hair, parted_lips, sitting, stirrup_legwear, toes, white_gloves, white_thighhighs |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | playboy_bunny | solo | wrist_cuffs | bare_shoulders | thigh_strap | white_leotard | white_pantyhose | cleavage | detached_collar | official_alternate_costume | strapless_leotard | full_body | navel_cutout | simple_background | smile | blush | bowtie | closed_mouth | highleg_leotard | holding | light_blue_hair | sitting | standing | halo | white_dress | no_shoes | sideboob | elbow_gloves | from_side | white_background | ass | feet | knee_up | legs | parted_lips | stirrup_legwear | toes | white_gloves | white_thighhighs |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:----------------|:-------|:--------------|:-----------------|:--------------|:----------------|:------------------|:-----------|:------------------|:-----------------------------|:--------------------|:------------|:---------------|:--------------------|:--------|:--------|:---------|:---------------|:------------------|:----------|:------------------|:----------|:-----------|:-------|:--------------|:-----------|:-----------|:---------------|:------------|:-------------------|:------|:-------|:----------|:-------|:--------------|:------------------|:-------|:---------------|:-------------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | |
| 1 | 5 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | | X | | X | | | | X | | | | X | | X | | X | | | | | X | X | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/constellation_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:07:46+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:11:35+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of constellation/コンステレーション/星座 (Azur Lane)
=================================================
This is the dataset of constellation/コンステレーション/星座 (Azur Lane), containing 15 images and their tags.
The core tags of this character are 'long\_hair, blue\_hair, breasts, large\_breasts, very\_long\_hair, animal\_ears, hair\_between\_eyes, blue\_eyes, bangs, fake\_animal\_ears, purple\_eyes, rabbit\_ears', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
a54ac9aab90f371085615a38026d4681fa128b0b |
# Dataset of eagle/イーグル/鹰 (Azur Lane)
This is the dataset of eagle/イーグル/鹰 (Azur Lane), containing 10 images and their tags.
The core tags of this character are `breasts, bangs, large_breasts, long_hair, hairband, grey_hair, yellow_eyes, braid`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 10 | 14.11 MiB | [Download](https://huggingface.co/datasets/CyberHarem/eagle_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 10 | 7.80 MiB | [Download](https://huggingface.co/datasets/CyberHarem/eagle_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 24 | 16.70 MiB | [Download](https://huggingface.co/datasets/CyberHarem/eagle_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 10 | 12.40 MiB | [Download](https://huggingface.co/datasets/CyberHarem/eagle_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 24 | 24.01 MiB | [Download](https://huggingface.co/datasets/CyberHarem/eagle_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/eagle_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, cleavage, looking_at_viewer, solo, black_bra, black_pantyhose, closed_mouth, pencil_skirt, white_shirt, black_skirt, holding, necklace, bra_peek, collarbone, miniskirt, sitting |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | cleavage | looking_at_viewer | solo | black_bra | black_pantyhose | closed_mouth | pencil_skirt | white_shirt | black_skirt | holding | necklace | bra_peek | collarbone | miniskirt | sitting |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-----------|:--------------------|:-------|:------------|:------------------|:---------------|:---------------|:--------------|:--------------|:----------|:-----------|:-----------|:-------------|:------------|:----------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/eagle_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:07:53+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:11:12+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of eagle/イーグル/鹰 (Azur Lane)
===================================
This is the dataset of eagle/イーグル/鹰 (Azur Lane), containing 10 images and their tags.
The core tags of this character are 'breasts, bangs, large\_breasts, long\_hair, hairband, grey\_hair, yellow\_eyes, braid', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
cf9ee7fe2837dc9340f7647f3c07c46a5656a8d5 |
# Dataset of curlew/カーリュー/杓鹬 (Azur Lane)
This is the dataset of curlew/カーリュー/杓鹬 (Azur Lane), containing 10 images and their tags.
The core tags of this character are `bangs, blue_eyes, braid, breasts, long_hair, purple_hair, large_breasts, bow, hair_bow, maid_headdress, single_braid, sidelocks`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 10 | 13.72 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curlew_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 10 | 9.69 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curlew_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 17 | 14.24 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curlew_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 10 | 12.72 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curlew_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 17 | 17.50 MiB | [Download](https://huggingface.co/datasets/CyberHarem/curlew_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/curlew_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, juliet_sleeves, maid_apron, frills, 1girl, cannon, full_body, holding, machinery, parted_lips, rigging, shoes, sitting, turret, white_apron, 2girls, black_dress, black_footwear, chair, cleavage, flower, indoors, petals, solo_focus |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | juliet_sleeves | maid_apron | frills | 1girl | cannon | full_body | holding | machinery | parted_lips | rigging | shoes | sitting | turret | white_apron | 2girls | black_dress | black_footwear | chair | cleavage | flower | indoors | petals | solo_focus |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:-----------------|:-------------|:---------|:--------|:---------|:------------|:----------|:------------|:--------------|:----------|:--------|:----------|:---------|:--------------|:---------|:--------------|:-----------------|:--------|:-----------|:---------|:----------|:---------|:-------------|
| 0 | 10 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/curlew_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:07:55+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:12:03+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of curlew/カーリュー/杓鹬 (Azur Lane)
======================================
This is the dataset of curlew/カーリュー/杓鹬 (Azur Lane), containing 10 images and their tags.
The core tags of this character are 'bangs, blue\_eyes, braid, breasts, long\_hair, purple\_hair, large\_breasts, bow, hair\_bow, maid\_headdress, single\_braid, sidelocks', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
ac7fb05c8b23d90217daefac02dec435d9994358 | # Dataset Card
- **Homepage: https://kaistai.github.io/prometheus-vision/**
- **Repository: https://github.com/kaistAI/prometheus-vision**
- **Paper: https://arxiv.org/abs/2401.06591**
- **Point of Contact: [email protected]**
### Dataset summary
Perception-Bench is a benchmark for evaluating the long-form response of a VLM (Vision Language Model) across various domains of images, and it is a held-out test
set of the [Perception-Collection](https://huggingface.co/datasets/kaist-ai/Perception-Collection)
![plot](./perception_collection.JPG)
### Languages
English
## Dataset Structure
* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.
* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.
* orig```_```instruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.
* orig```_```reference```_```answer: A reference answer to the orig```_```instruction.
* orig```_```criteria: The score criteria used to evaluate the orig```_``` response.
* orig```_```score1```_```description: A description of when to give a score of 1 to the orig```_```response.
* orig```_```score2```_```description: A description of when to give a score of 2 to the orig```_```response.
* orig```_```score3```_```description: A description of when to give a score of 3 to the orig```_```response.
* orig```_```score4```_```description: A description of when to give a score of 4 to the orig```_```response.
* orig```_```score5```_```description: A description of when to give a score of 5 to the orig```_```response.
### Data Splits
| name | test |
|-------------------|------:|
|Perception-Bench|500|
### Citation Information
If you find the following benchmark helpful, please consider citing our paper!
```bibtex
@misc{lee2024prometheusvision,
title={Prometheus-Vision: Vision-Language Model as a Judge for Fine-Grained Evaluation},
author={Seongyun Lee and Seungone Kim and Sue Hyun Park and Geewook Kim and Minjoon Seo},
year={2024},
eprint={2401.06591},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
``` | kaist-ai/Perception-Bench | [
"task_categories:visual-question-answering",
"task_categories:text2text-generation",
"task_categories:image-to-text",
"size_categories:n<1K",
"language:en",
"license:cc-by-4.0",
"arxiv:2401.06591",
"region:us"
] | 2024-01-14T14:09:06+00:00 | {"language": ["en"], "license": "cc-by-4.0", "size_categories": ["n<1K"], "task_categories": ["visual-question-answering", "text2text-generation", "image-to-text"]} | 2024-01-15T14:25:01+00:00 | [
"2401.06591"
] | [
"en"
] | TAGS
#task_categories-visual-question-answering #task_categories-text2text-generation #task_categories-image-to-text #size_categories-n<1K #language-English #license-cc-by-4.0 #arxiv-2401.06591 #region-us
| Dataset Card
============
* Homepage: URL
* Repository: URL
* Paper: URL
* Point of Contact: seongyun@URL
### Dataset summary
Perception-Bench is a benchmark for evaluating the long-form response of a VLM (Vision Language Model) across various domains of images, and it is a held-out test
set of the Perception-Collection
!plot
### Languages
English
Dataset Structure
-----------------
* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.
* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.
* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.
* origreferenceanswer: A reference answer to the originstruction.
* origcriteria: The score criteria used to evaluate the orig response.
* origscore1description: A description of when to give a score of 1 to the origresponse.
* origscore2description: A description of when to give a score of 2 to the origresponse.
* origscore3description: A description of when to give a score of 3 to the origresponse.
* origscore4description: A description of when to give a score of 4 to the origresponse.
* origscore5description: A description of when to give a score of 5 to the origresponse.
### Data Splits
If you find the following benchmark helpful, please consider citing our paper!
| [
"### Dataset summary\n\n\nPerception-Bench is a benchmark for evaluating the long-form response of a VLM (Vision Language Model) across various domains of images, and it is a held-out test\nset of the Perception-Collection\n!plot",
"### Languages\n\n\nEnglish\n\n\nDataset Structure\n-----------------\n\n\n* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.\n* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.\n* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.\n* origreferenceanswer: A reference answer to the originstruction.\n* origcriteria: The score criteria used to evaluate the orig response.\n* origscore1description: A description of when to give a score of 1 to the origresponse.\n* origscore2description: A description of when to give a score of 2 to the origresponse.\n* origscore3description: A description of when to give a score of 3 to the origresponse.\n* origscore4description: A description of when to give a score of 4 to the origresponse.\n* origscore5description: A description of when to give a score of 5 to the origresponse.",
"### Data Splits\n\n\n\nIf you find the following benchmark helpful, please consider citing our paper!"
] | [
"TAGS\n#task_categories-visual-question-answering #task_categories-text2text-generation #task_categories-image-to-text #size_categories-n<1K #language-English #license-cc-by-4.0 #arxiv-2401.06591 #region-us \n",
"### Dataset summary\n\n\nPerception-Bench is a benchmark for evaluating the long-form response of a VLM (Vision Language Model) across various domains of images, and it is a held-out test\nset of the Perception-Collection\n!plot",
"### Languages\n\n\nEnglish\n\n\nDataset Structure\n-----------------\n\n\n* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.\n* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.\n* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.\n* origreferenceanswer: A reference answer to the originstruction.\n* origcriteria: The score criteria used to evaluate the orig response.\n* origscore1description: A description of when to give a score of 1 to the origresponse.\n* origscore2description: A description of when to give a score of 2 to the origresponse.\n* origscore3description: A description of when to give a score of 3 to the origresponse.\n* origscore4description: A description of when to give a score of 4 to the origresponse.\n* origscore5description: A description of when to give a score of 5 to the origresponse.",
"### Data Splits\n\n\n\nIf you find the following benchmark helpful, please consider citing our paper!"
] | [
78,
56,
267,
20
] | [
"passage: TAGS\n#task_categories-visual-question-answering #task_categories-text2text-generation #task_categories-image-to-text #size_categories-n<1K #language-English #license-cc-by-4.0 #arxiv-2401.06591 #region-us \n### Dataset summary\n\n\nPerception-Bench is a benchmark for evaluating the long-form response of a VLM (Vision Language Model) across various domains of images, and it is a held-out test\nset of the Perception-Collection\n!plot### Languages\n\n\nEnglish\n\n\nDataset Structure\n-----------------\n\n\n* image: The path of the images used for training, consisting of images from the MMMU dataset and COCO 2017 train dataset.\n* instruction: The input that is given to the evaluator VLM. It includes the instruction & response to evaluate, the reference answer, the score rubric.\n* originstruction: The instruction to be evaluated. Note that this differs with the instruction that includes all the components.\n* origreferenceanswer: A reference answer to the originstruction.\n* origcriteria: The score criteria used to evaluate the orig response.\n* origscore1description: A description of when to give a score of 1 to the origresponse.\n* origscore2description: A description of when to give a score of 2 to the origresponse.\n* origscore3description: A description of when to give a score of 3 to the origresponse.\n* origscore4description: A description of when to give a score of 4 to the origresponse.\n* origscore5description: A description of when to give a score of 5 to the origresponse.### Data Splits\n\n\n\nIf you find the following benchmark helpful, please consider citing our paper!"
] | [
-0.08898357301950455,
0.12887361645698547,
-0.007601452991366386,
0.10653127729892731,
0.03478251025080681,
0.018215151503682137,
0.09638240933418274,
0.12345891445875168,
-0.06605706363916397,
0.10964176058769226,
-0.008638466708362103,
0.019288724288344383,
0.13064546883106232,
0.06155160069465637,
-0.04733550548553467,
-0.17677591741085052,
0.019361527636647224,
-0.04027794674038887,
0.07182390987873077,
0.07448755204677582,
0.09212429821491241,
-0.08033348619937897,
0.040972888469696045,
-0.011244816705584526,
-0.02973524108529091,
-0.001443771761842072,
0.02096301130950451,
-0.010842753574252129,
0.01684742420911789,
0.038521647453308105,
0.12499677389860153,
-0.000027625274015008472,
0.021895773708820343,
-0.17682945728302002,
0.028096502646803856,
0.04744967445731163,
0.014542651362717152,
0.019000660628080368,
0.10163107514381409,
-0.05428719148039818,
0.14922386407852173,
-0.061345409601926804,
0.03056635893881321,
0.06057210639119148,
-0.14591972529888153,
-0.1730809509754181,
-0.10100037604570389,
0.06572964042425156,
0.1064918264746666,
0.07351762801408768,
-0.051953479647636414,
0.08513427525758743,
-0.05792366340756416,
0.04519295692443848,
0.08633211255073547,
-0.13332577049732208,
-0.05986114218831062,
0.09942862391471863,
0.02598515897989273,
0.1407753825187683,
-0.20410065352916718,
-0.07220125198364258,
0.006485024932771921,
-0.0013790682423859835,
0.04699556902050972,
-0.03776005655527115,
0.03400216996669769,
0.051810506731271744,
-0.10433678328990936,
-0.07969357818365097,
0.12275896966457367,
0.0740826353430748,
-0.05046540126204491,
-0.1349889039993286,
0.015554078854620457,
-0.07440423965454102,
0.04243265464901924,
-0.056706223636865616,
0.06123049929738045,
0.008697716519236565,
0.04866824671626091,
-0.061664726585149765,
-0.1832779198884964,
-0.00633674580603838,
-0.11870540678501129,
0.017408881336450577,
-0.025023289024829865,
-0.011023133993148804,
-0.0045647150836884975,
0.09875450283288956,
-0.017285332083702087,
-0.0925525650382042,
-0.13397595286369324,
-0.04970690608024597,
-0.09590564668178558,
-0.06671169400215149,
-0.006703234277665615,
-0.16501979529857635,
-0.042637720704078674,
0.07692083716392517,
0.07539854943752289,
0.03655463829636574,
-0.07818704843521118,
-0.008349274285137653,
0.07685814797878265,
0.2593693435192108,
0.02713804505765438,
0.024644499644637108,
-0.021026695147156715,
0.07513115555047989,
-0.08639930933713913,
-0.03062637336552143,
0.03158373385667801,
-0.06537778675556183,
-0.018037762492895126,
0.12392362952232361,
0.08254951983690262,
-0.030188599601387978,
-0.10937893390655518,
-0.07472371309995651,
0.057261690497398376,
-0.14436885714530945,
0.08988775312900543,
0.03405972570180893,
-0.04823676124215126,
0.07214684784412384,
0.017905065789818764,
-0.011540559120476246,
-0.10808411985635757,
-0.015511639416217804,
-0.08206456154584885,
0.019741008058190346,
-0.0471152663230896,
-0.03632158786058426,
-0.004501496907323599,
-0.002171726431697607,
-0.08523989468812943,
-0.04003535583615303,
-0.009488078765571117,
-0.07616865634918213,
0.011954914778470993,
-0.07536758482456207,
0.05722840502858162,
-0.043754685670137405,
-0.09728801995515823,
-0.044201403856277466,
0.06893834471702576,
-0.04455259442329407,
-0.0035502200480550528,
-0.006928700488060713,
0.00485706003382802,
-0.008892642334103584,
0.0568838007748127,
0.03535778820514679,
-0.06413479894399643,
0.032792314887046814,
-0.12286025285720825,
0.13773959875106812,
-0.11276595294475555,
-0.07293196767568588,
-0.05534306913614273,
-0.012889432720839977,
-0.06511791795492172,
-0.06219472363591194,
-0.03956126421689987,
0.11300943791866302,
-0.11599822342395782,
-0.03557359427213669,
0.1011091023683548,
-0.09330696612596512,
-0.020875688642263412,
0.055633626878261566,
-0.04947836324572563,
0.024539165198802948,
0.046450864523649216,
0.09541281312704086,
0.18176870048046112,
-0.16744738817214966,
-0.09353756159543991,
-0.045967403799295425,
-0.0239033792167902,
0.12604431807994843,
0.14333507418632507,
-0.024359656497836113,
0.15260688960552216,
0.020574869588017464,
-0.09483896195888519,
-0.1129700243473053,
-0.0035153974313288927,
-0.07628529518842697,
-0.05469125136733055,
0.02652982622385025,
-0.051123183220624924,
-0.03300892189145088,
-0.09314148873090744,
0.033857688307762146,
-0.06638053804636002,
-0.06883001327514648,
0.06737508624792099,
-0.08633358031511307,
0.027795592322945595,
-0.10648436099290848,
0.039532698690891266,
-0.10370197892189026,
-0.021305382251739502,
-0.1772252321243286,
0.018699979409575462,
0.07454066723585129,
-0.055130455642938614,
0.11259383708238602,
0.16054251790046692,
0.06740356236696243,
-0.0029492932371795177,
-0.047095026820898056,
-0.00014603814634028822,
-0.12926027178764343,
-0.0007364022894762456,
-0.06527847051620483,
-0.07056252658367157,
0.009079543873667717,
-0.03581409901380539,
0.1498144418001175,
-0.18318580090999603,
-0.030702795833349228,
0.16431824862957,
0.0469464436173439,
0.13325439393520355,
-0.054624490439891815,
0.002382065635174513,
-0.0019988976418972015,
-0.0304678026586771,
-0.05471501871943474,
-0.06512013077735901,
-0.009929478168487549,
0.030482277274131775,
0.0326538048684597,
-0.17297731339931488,
-0.0669909343123436,
0.061109308153390884,
0.17980048060417175,
-0.0473015233874321,
-0.04112810268998146,
-0.04766027256846428,
-0.0276163499802351,
-0.012911668047308922,
-0.04875076189637184,
0.1296616792678833,
0.07871126383543015,
0.05833657085895538,
-0.09203122556209564,
-0.009938213042914867,
-0.02463066205382347,
-0.01139762345701456,
-0.05279094725847244,
0.04620539769530296,
-0.035320814698934555,
-0.00808936357498169,
0.032311420887708664,
0.0948573648929596,
0.02840939350426197,
0.09599293023347855,
0.0020370585843920708,
-0.13479071855545044,
-0.11439279466867447,
0.02771500125527382,
0.031646620482206345,
0.04251310974359512,
0.011520628817379475,
0.11151058226823807,
0.05464806780219078,
0.07732927054166794,
0.02603115141391754,
-0.09336580336093903,
0.03653189539909363,
0.08867648988962173,
-0.08014962822198868,
-0.06228374317288399,
-0.07015343010425568,
0.04850085452198982,
0.07288987189531326,
0.008341643027961254,
0.1200077086687088,
-0.026259370148181915,
-0.045440275222063065,
-0.08187217265367508,
0.13422571122646332,
-0.08503812551498413,
-0.24010339379310608,
-0.25784116983413696,
0.04754434898495674,
-0.06458833813667297,
0.02385827712714672,
-0.0007818966987542808,
-0.011686152778565884,
-0.0761471837759018,
-0.12445102632045746,
0.23209500312805176,
-0.002041385043412447,
-0.0857410654425621,
-0.054002780467271805,
0.13873343169689178,
-0.053214166313409805,
-0.10733640193939209,
-0.0004713366215582937,
0.03341623768210411,
-0.10635623335838318,
0.019906139001250267,
-0.058659590780735016,
0.09334085136651993,
0.09659585356712341,
-0.005647710524499416,
-0.043451808393001556,
-0.012643030844628811,
0.12775933742523193,
-0.08564791083335876,
0.08747105300426483,
0.11753275245428085,
-0.04202772304415703,
0.06790933012962341,
0.08349376916885376,
-0.017854193225502968,
-0.028134159743785858,
-0.023613350465893745,
0.07689881324768066,
0.04208230599761009,
-0.32096540927886963,
0.02477646805346012,
-0.09528716653585434,
0.02353033609688282,
0.049561161547899246,
0.02350935898721218,
0.06220186874270439,
0.058344531804323196,
-0.017334934324026108,
-0.05768546462059021,
0.046002261340618134,
0.057769473642110825,
0.06505932658910751,
-0.015571540221571922,
0.038777466863393784,
-0.10412393510341644,
0.04849756136536598,
0.16886360943317413,
0.06686931848526001,
0.229412242770195,
0.03742166981101036,
0.17052261531352997,
0.05116484686732292,
0.023326463997364044,
-0.024188652634620667,
-0.0011713647982105613,
0.05796285346150398,
-0.027990546077489853,
0.01768202893435955,
-0.0557805672287941,
-0.04498276114463806,
0.058510225266218185,
0.16199743747711182,
0.0488901324570179,
-0.033271729946136475,
0.020507771521806717,
0.0711292028427124,
0.2039789855480194,
0.011599937453866005,
-0.1413291096687317,
-0.041142646223306656,
0.005029070191085339,
-0.06912191957235336,
-0.04360668733716011,
-0.025431446731090546,
0.09375844150781631,
-0.10902529209852219,
-0.03481994569301605,
-0.03200963884592056,
0.0940995067358017,
-0.179558664560318,
-0.06015003100037575,
-0.14006461203098297,
0.04531359300017357,
-0.032820310443639755,
0.12343210726976395,
-0.08363950997591019,
0.129691019654274,
-0.017232276499271393,
0.07592915743589401,
-0.056736867874860764,
0.01976913958787918,
-0.017342926934361458,
0.05225921794772148,
0.14238081872463226,
-0.01734536699950695,
-0.05353320762515068,
-0.10797492414712906,
-0.03584319353103638,
0.03738604113459587,
0.12571607530117035,
-0.13757312297821045,
0.12301284074783325,
-0.08450286090373993,
0.007661481387913227,
-0.037414051592350006,
0.04146308824419975,
0.011993351392447948,
-0.14372481405735016,
0.04305797442793846,
-0.030996035784482956,
-0.016063034534454346,
-0.03652564808726311,
0.024421608075499535,
0.004729434847831726,
0.15938244760036469,
-0.16077297925949097,
-0.016996918246150017,
-0.13201187551021576,
-0.006823052652180195,
0.18018682301044464,
-0.11546608805656433,
-0.006595341023057699,
-0.07462349534034729,
0.22991997003555298,
0.03469401225447655,
-0.05073976516723633,
-0.04257422313094139,
0.0048933494836091995,
-0.09519906342029572,
-0.01623624935746193,
0.10466985404491425,
0.03402106091380119,
0.030449960380792618,
0.030335942283272743,
0.07614945620298386,
-0.09848865121603012,
-0.09209790825843811,
0.008033478632569313,
0.014745794236660004,
0.03568306192755699,
0.10232720524072647,
-0.004575350787490606,
-0.14870557188987732,
-0.10699993371963501,
-0.01482660137116909,
0.03673157840967178,
0.26089686155319214,
-0.05019829422235489,
0.05952933430671692,
0.049768876284360886,
-0.12055458128452301,
-0.14218342304229736,
0.0009263617102988064,
0.03393596038222313,
0.056202612817287445,
0.13880577683448792,
-0.10995212197303772,
0.0954286977648735,
0.1269705593585968,
0.023694442585110664,
-0.08144637197256088,
-0.20071113109588623,
-0.08210419863462448,
-0.013573170639574528,
0.08792482316493988,
-0.2127246856689453,
-0.1020062118768692,
-0.021024009212851524,
0.004261230118572712,
-0.17048244178295135,
0.09346728026866913,
0.0474996380507946,
0.12593109905719757,
-0.031816914677619934,
-0.007185964845120907,
0.0411837138235569,
-0.004440722521394491,
0.2377837896347046,
-0.01908881776034832,
0.1130213737487793,
-0.04390745982527733,
-0.05405392497777939,
0.15901893377304077,
-0.07596489787101746,
0.07552967965602875,
0.05629389360547066,
0.09291159361600876,
-0.11884307861328125,
-0.08104017376899719,
-0.047272153198719025,
-0.048314809799194336,
-0.02592683769762516,
-0.029026823118329048,
-0.14087824523448944,
0.10917110741138458,
0.020918389782309532,
-0.008541509509086609,
0.04769110307097435,
-0.10443394631147385,
-0.0018391747726127505,
0.0949680283665657,
0.12621615827083588,
0.045647624880075455,
-0.10959985107183456,
-0.10538948327302933,
0.012110323645174503,
-0.04785608872771263,
-0.12371905893087387,
0.09309151023626328,
0.119903564453125,
0.036166731268167496,
0.1404014229774475,
-0.01868227869272232,
-0.05128611624240875,
0.04783143848180771,
0.0572996512055397,
-0.012436972931027412,
-0.16656634211540222,
0.018097596243023872,
-0.06608857959508896,
-0.2054537534713745,
-0.07775763422250748,
0.13077419996261597,
0.03843655437231064,
-0.011989187449216843,
0.05344558507204056,
0.02284376509487629,
-0.03429918736219406,
0.08846617490053177,
0.05372634157538414,
0.031923167407512665,
-0.021409055218100548,
0.08619465678930283,
0.1277669072151184,
-0.0729590505361557,
-0.032666854560375214,
-0.005089595448225737,
0.0041463300585746765,
-0.005695017985999584,
-0.009760099463164806,
0.1006111279129982,
0.00896452460438013,
-0.012063651345670223,
-0.018358277156949043,
-0.042991962283849716,
0.04683639481663704,
-0.009056140668690205,
0.04048394784331322,
0.12013795971870422,
-0.06477479636669159,
0.016588708385825157,
-0.10800602287054062,
0.09515051543712616,
0.0026474278420209885,
0.021075116470456123,
-0.11075805127620697,
0.03622942790389061,
-0.04494328424334526,
0.010932435281574726,
-0.002877645194530487,
-0.06249391287565231,
-0.06150808930397034,
-0.01384111400693655,
0.00869681779295206,
0.06775972992181778,
-0.019067376852035522,
0.011877758428454399,
0.03043089061975479,
-0.08026059716939926,
-0.05078939348459244,
0.04352910444140434,
-0.04871673136949539,
-0.02470962330698967,
-0.06728597730398178,
0.11076593399047852,
-0.20331205427646637,
0.014145594090223312,
0.12355616688728333,
-0.07103286683559418,
0.07482841610908508,
0.050095438957214355,
-0.05764828249812126,
-0.022773874923586845,
-0.14800158143043518,
0.03923022001981735,
-0.017273733392357826,
0.05095665529370308,
-0.031008785590529442,
-0.12521573901176453,
0.029935669153928757,
0.04093954712152481,
-0.029641905799508095,
0.02063101902604103,
0.038214776664972305,
-0.1312911957502365,
-0.05886015295982361,
-0.08441145718097687,
-0.12923946976661682,
-0.01150481030344963,
0.12905225157737732,
0.057668834924697876,
-0.00990556925535202,
0.11077547073364258,
0.0507979691028595,
0.0786857008934021,
-0.20463424921035767,
-0.04696335271000862,
0.005873934831470251,
0.03578723594546318,
0.07290805131196976,
-0.12291532009840012,
0.04597419872879982,
0.017366139218211174,
0.07697674632072449,
0.04074271768331528,
0.04711217060685158,
0.03536880761384964,
0.022338224574923515,
0.026258716359734535,
0.02203214541077614,
0.07756215333938599,
0.0041127935983240604,
-0.049964066594839096,
0.09095775336027145,
-0.05176742002367973,
-0.06514233350753784,
0.023912984877824783,
0.18173058331012726,
0.10720926523208618,
0.04685654491186142,
-0.0006459211581386626,
0.057449206709861755,
0.05267766863107681,
-0.0771278366446495,
0.07874718308448792,
-0.04363938048481941,
-0.04441902041435242,
-0.043556585907936096,
-0.028177039697766304,
0.10974571853876114,
-0.17979754507541656,
0.1432594656944275,
-0.0069982982240617275,
-0.05763639137148857,
-0.014280839823186398,
-0.14113470911979675,
-0.0881819874048233,
-0.05935864523053169,
-0.018336733803153038,
-0.11413899064064026,
0.04271689057350159,
0.04748032987117767,
0.059160299599170685,
-0.051152411848306656,
0.2027663290500641,
-0.1256248950958252,
-0.09929157048463821,
0.074093759059906,
-0.019276486709713936,
-0.017262019217014313,
0.016513483598828316,
0.08396594971418381,
0.10236632823944092,
0.05935618281364441,
0.08228454738855362,
0.09992042183876038,
0.047840867191553116,
-0.037836674600839615,
-0.1413872241973877,
-0.0770752802491188,
-0.015736224129796028,
-0.02617582306265831,
-0.07549234479665756,
0.16941699385643005,
0.02449202723801136,
0.02083335630595684,
0.019962992519140244,
0.2303563505411148,
0.0036098810378462076,
-0.0660027489066124,
-0.21937766671180725,
0.08529332280158997,
-0.04928644001483917,
-0.0021780766546726227,
-0.003472249023616314,
-0.10569072514772415,
0.02185736782848835,
0.13076917827129364,
-0.059634312987327576,
-0.022935403510928154,
-0.0025716684758663177,
0.10184942185878754,
0.03565455228090286,
-0.03549419343471527,
0.04740523919463158,
-0.050153154879808426,
0.1632404774427414,
-0.0475323349237442,
0.06779688596725464,
0.007344543468207121,
-0.028602341189980507,
0.06949817389249802,
0.08012273162603378,
-0.07843361049890518,
0.0035293682012706995,
-0.07507029920816422,
0.08344173431396484,
0.024109575897455215,
-0.16682888567447662,
0.0830819234251976,
-0.04548624902963638,
-0.09435472637414932,
-0.011149263009428978,
0.12622594833374023,
-0.08992345631122589,
-0.0004973532631993294,
0.019397811964154243,
-0.06087343394756317,
0.20831412076950073,
0.011890634894371033,
0.02929946407675743,
-0.02293582260608673,
0.07508499175310135,
-0.07094094902276993,
0.08814708143472672,
0.006710343528538942,
0.08988167345523834,
0.09052494913339615,
-0.0023657018318772316,
-0.0984063595533371,
0.021776918321847916,
0.06539801508188248,
0.013969833962619305,
0.0616256408393383,
0.13939674198627472,
0.014546790160238743,
0.05936320871114731,
0.08017554879188538,
0.05806704983115196,
0.04692713916301727,
0.02109885774552822,
-0.026425832882523537,
-0.07192607969045639,
0.08534739166498184,
-0.10018101334571838,
0.08570338785648346,
0.1282738447189331,
0.007584143429994583,
-0.014149132184684277,
-0.027017487213015556,
0.09506521373987198,
-0.003801882965490222,
0.16239231824874878,
0.0005821494269184768,
-0.061870574951171875,
-0.02798372320830822,
0.06680341809988022,
0.09099557995796204,
-0.19991734623908997,
-0.08779504895210266,
0.09867258369922638,
-0.07791164517402649,
0.06038852408528328,
0.1170324757695198,
0.01142199244350195,
0.037232156842947006,
-0.02551291137933731,
-0.15801064670085907,
0.036901310086250305,
0.10804189741611481,
-0.10629423707723618,
0.005067215301096439
] |
6b50b29008545fb4d4c5729e00da18a196b6d2fd |
# Dataset Card for Evaluation run of PSanni/MPOMixtral-8x7B-Instruct-v0.1
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [PSanni/MPOMixtral-8x7B-Instruct-v0.1](https://huggingface.co/PSanni/MPOMixtral-8x7B-Instruct-v0.1) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_PSanni__MPOMixtral-8x7B-Instruct-v0.1",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T14:23:30.207507](https://huggingface.co/datasets/open-llm-leaderboard/details_PSanni__MPOMixtral-8x7B-Instruct-v0.1/blob/main/results_2024-01-14T14-23-30.207507.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.7021378898937154,
"acc_stderr": 0.03050401556178155,
"acc_norm": 0.7057392541812927,
"acc_norm_stderr": 0.031097861836160572,
"mc1": 0.5152998776009792,
"mc1_stderr": 0.017495304473187902,
"mc2": 0.665216588266765,
"mc2_stderr": 0.014619883028401507
},
"harness|arc:challenge|25": {
"acc": 0.6800341296928327,
"acc_stderr": 0.013631345807016193,
"acc_norm": 0.7098976109215017,
"acc_norm_stderr": 0.013261573677520764
},
"harness|hellaswag|10": {
"acc": 0.690300736904999,
"acc_stderr": 0.004614246282055377,
"acc_norm": 0.8795060744871539,
"acc_norm_stderr": 0.0032487292211528865
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.34,
"acc_stderr": 0.04760952285695236,
"acc_norm": 0.34,
"acc_norm_stderr": 0.04760952285695236
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6888888888888889,
"acc_stderr": 0.0399926287661772,
"acc_norm": 0.6888888888888889,
"acc_norm_stderr": 0.0399926287661772
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.7960526315789473,
"acc_stderr": 0.0327900040631005,
"acc_norm": 0.7960526315789473,
"acc_norm_stderr": 0.0327900040631005
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.7,
"acc_stderr": 0.046056618647183814,
"acc_norm": 0.7,
"acc_norm_stderr": 0.046056618647183814
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.7622641509433963,
"acc_stderr": 0.02619980880756193,
"acc_norm": 0.7622641509433963,
"acc_norm_stderr": 0.02619980880756193
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.8055555555555556,
"acc_stderr": 0.03309615177059006,
"acc_norm": 0.8055555555555556,
"acc_norm_stderr": 0.03309615177059006
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.53,
"acc_stderr": 0.050161355804659205,
"acc_norm": 0.53,
"acc_norm_stderr": 0.050161355804659205
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.62,
"acc_stderr": 0.04878317312145633,
"acc_norm": 0.62,
"acc_norm_stderr": 0.04878317312145633
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.41,
"acc_stderr": 0.04943110704237102,
"acc_norm": 0.41,
"acc_norm_stderr": 0.04943110704237102
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.7398843930635838,
"acc_stderr": 0.033450369167889904,
"acc_norm": 0.7398843930635838,
"acc_norm_stderr": 0.033450369167889904
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.4215686274509804,
"acc_stderr": 0.04913595201274498,
"acc_norm": 0.4215686274509804,
"acc_norm_stderr": 0.04913595201274498
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.8,
"acc_stderr": 0.04020151261036846,
"acc_norm": 0.8,
"acc_norm_stderr": 0.04020151261036846
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.6851063829787234,
"acc_stderr": 0.03036358219723817,
"acc_norm": 0.6851063829787234,
"acc_norm_stderr": 0.03036358219723817
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.5877192982456141,
"acc_stderr": 0.04630653203366596,
"acc_norm": 0.5877192982456141,
"acc_norm_stderr": 0.04630653203366596
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.6275862068965518,
"acc_stderr": 0.04028731532947558,
"acc_norm": 0.6275862068965518,
"acc_norm_stderr": 0.04028731532947558
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.47354497354497355,
"acc_stderr": 0.025715239811346758,
"acc_norm": 0.47354497354497355,
"acc_norm_stderr": 0.025715239811346758
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.47619047619047616,
"acc_stderr": 0.04467062628403273,
"acc_norm": 0.47619047619047616,
"acc_norm_stderr": 0.04467062628403273
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.42,
"acc_stderr": 0.049604496374885836,
"acc_norm": 0.42,
"acc_norm_stderr": 0.049604496374885836
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.8387096774193549,
"acc_stderr": 0.020923327006423294,
"acc_norm": 0.8387096774193549,
"acc_norm_stderr": 0.020923327006423294
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5960591133004927,
"acc_stderr": 0.03452453903822033,
"acc_norm": 0.5960591133004927,
"acc_norm_stderr": 0.03452453903822033
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.75,
"acc_stderr": 0.04351941398892446,
"acc_norm": 0.75,
"acc_norm_stderr": 0.04351941398892446
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7818181818181819,
"acc_stderr": 0.03225078108306289,
"acc_norm": 0.7818181818181819,
"acc_norm_stderr": 0.03225078108306289
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.8585858585858586,
"acc_stderr": 0.024825909793343336,
"acc_norm": 0.8585858585858586,
"acc_norm_stderr": 0.024825909793343336
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9585492227979274,
"acc_stderr": 0.01438543285747646,
"acc_norm": 0.9585492227979274,
"acc_norm_stderr": 0.01438543285747646
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.7205128205128205,
"acc_stderr": 0.022752388839776823,
"acc_norm": 0.7205128205128205,
"acc_norm_stderr": 0.022752388839776823
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.4,
"acc_stderr": 0.029869605095316908,
"acc_norm": 0.4,
"acc_norm_stderr": 0.029869605095316908
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.773109243697479,
"acc_stderr": 0.027205371538279472,
"acc_norm": 0.773109243697479,
"acc_norm_stderr": 0.027205371538279472
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.4768211920529801,
"acc_stderr": 0.04078093859163083,
"acc_norm": 0.4768211920529801,
"acc_norm_stderr": 0.04078093859163083
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8715596330275229,
"acc_stderr": 0.014344977542914318,
"acc_norm": 0.8715596330275229,
"acc_norm_stderr": 0.014344977542914318
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5740740740740741,
"acc_stderr": 0.033723432716530624,
"acc_norm": 0.5740740740740741,
"acc_norm_stderr": 0.033723432716530624
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8529411764705882,
"acc_stderr": 0.02485747808025045,
"acc_norm": 0.8529411764705882,
"acc_norm_stderr": 0.02485747808025045
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.8776371308016878,
"acc_stderr": 0.02133174182974679,
"acc_norm": 0.8776371308016878,
"acc_norm_stderr": 0.02133174182974679
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7040358744394619,
"acc_stderr": 0.030636591348699813,
"acc_norm": 0.7040358744394619,
"acc_norm_stderr": 0.030636591348699813
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.8015267175572519,
"acc_stderr": 0.0349814938546247,
"acc_norm": 0.8015267175572519,
"acc_norm_stderr": 0.0349814938546247
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.8842975206611571,
"acc_stderr": 0.02919980245562281,
"acc_norm": 0.8842975206611571,
"acc_norm_stderr": 0.02919980245562281
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.8148148148148148,
"acc_stderr": 0.03755265865037182,
"acc_norm": 0.8148148148148148,
"acc_norm_stderr": 0.03755265865037182
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.803680981595092,
"acc_stderr": 0.031207970394709218,
"acc_norm": 0.803680981595092,
"acc_norm_stderr": 0.031207970394709218
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.5089285714285714,
"acc_stderr": 0.04745033255489123,
"acc_norm": 0.5089285714285714,
"acc_norm_stderr": 0.04745033255489123
},
"harness|hendrycksTest-management|5": {
"acc": 0.8543689320388349,
"acc_stderr": 0.034926064766237906,
"acc_norm": 0.8543689320388349,
"acc_norm_stderr": 0.034926064766237906
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.905982905982906,
"acc_stderr": 0.019119892798924974,
"acc_norm": 0.905982905982906,
"acc_norm_stderr": 0.019119892798924974
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.77,
"acc_stderr": 0.04229525846816506,
"acc_norm": 0.77,
"acc_norm_stderr": 0.04229525846816506
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8722860791826309,
"acc_stderr": 0.011935626313999878,
"acc_norm": 0.8722860791826309,
"acc_norm_stderr": 0.011935626313999878
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.791907514450867,
"acc_stderr": 0.021855255263421795,
"acc_norm": 0.791907514450867,
"acc_norm_stderr": 0.021855255263421795
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.4558659217877095,
"acc_stderr": 0.01665722942458631,
"acc_norm": 0.4558659217877095,
"acc_norm_stderr": 0.01665722942458631
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.8006535947712419,
"acc_stderr": 0.02287581699346408,
"acc_norm": 0.8006535947712419,
"acc_norm_stderr": 0.02287581699346408
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7845659163987139,
"acc_stderr": 0.023350225475471442,
"acc_norm": 0.7845659163987139,
"acc_norm_stderr": 0.023350225475471442
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.8240740740740741,
"acc_stderr": 0.021185893615225153,
"acc_norm": 0.8240740740740741,
"acc_norm_stderr": 0.021185893615225153
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.5106382978723404,
"acc_stderr": 0.02982074719142244,
"acc_norm": 0.5106382978723404,
"acc_norm_stderr": 0.02982074719142244
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.5443285528031291,
"acc_stderr": 0.012719949543032226,
"acc_norm": 0.5443285528031291,
"acc_norm_stderr": 0.012719949543032226
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.7867647058823529,
"acc_stderr": 0.024880971512294254,
"acc_norm": 0.7867647058823529,
"acc_norm_stderr": 0.024880971512294254
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.7647058823529411,
"acc_stderr": 0.01716058723504635,
"acc_norm": 0.7647058823529411,
"acc_norm_stderr": 0.01716058723504635
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.7181818181818181,
"acc_stderr": 0.043091187099464585,
"acc_norm": 0.7181818181818181,
"acc_norm_stderr": 0.043091187099464585
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7836734693877551,
"acc_stderr": 0.026358916334904028,
"acc_norm": 0.7836734693877551,
"acc_norm_stderr": 0.026358916334904028
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8756218905472637,
"acc_stderr": 0.023335401790166323,
"acc_norm": 0.8756218905472637,
"acc_norm_stderr": 0.023335401790166323
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.89,
"acc_stderr": 0.03144660377352203,
"acc_norm": 0.89,
"acc_norm_stderr": 0.03144660377352203
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5180722891566265,
"acc_stderr": 0.03889951252827216,
"acc_norm": 0.5180722891566265,
"acc_norm_stderr": 0.03889951252827216
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8654970760233918,
"acc_stderr": 0.026168221344662297,
"acc_norm": 0.8654970760233918,
"acc_norm_stderr": 0.026168221344662297
},
"harness|truthfulqa:mc|0": {
"mc1": 0.5152998776009792,
"mc1_stderr": 0.017495304473187902,
"mc2": 0.665216588266765,
"mc2_stderr": 0.014619883028401507
},
"harness|winogrande|5": {
"acc": 0.8255722178374112,
"acc_stderr": 0.010665187902498428
},
"harness|gsm8k|5": {
"acc": 0.5852918877937832,
"acc_stderr": 0.013570623842304504
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_PSanni__MPOMixtral-8x7B-Instruct-v0.1 | [
"region:us"
] | 2024-01-14T14:25:44+00:00 | {"pretty_name": "Evaluation run of PSanni/MPOMixtral-8x7B-Instruct-v0.1", "dataset_summary": "Dataset automatically created during the evaluation run of model [PSanni/MPOMixtral-8x7B-Instruct-v0.1](https://huggingface.co/PSanni/MPOMixtral-8x7B-Instruct-v0.1) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_PSanni__MPOMixtral-8x7B-Instruct-v0.1\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T14:23:30.207507](https://huggingface.co/datasets/open-llm-leaderboard/details_PSanni__MPOMixtral-8x7B-Instruct-v0.1/blob/main/results_2024-01-14T14-23-30.207507.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.7021378898937154,\n \"acc_stderr\": 0.03050401556178155,\n \"acc_norm\": 0.7057392541812927,\n \"acc_norm_stderr\": 0.031097861836160572,\n \"mc1\": 0.5152998776009792,\n \"mc1_stderr\": 0.017495304473187902,\n \"mc2\": 0.665216588266765,\n \"mc2_stderr\": 0.014619883028401507\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6800341296928327,\n \"acc_stderr\": 0.013631345807016193,\n \"acc_norm\": 0.7098976109215017,\n \"acc_norm_stderr\": 0.013261573677520764\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.690300736904999,\n \"acc_stderr\": 0.004614246282055377,\n \"acc_norm\": 0.8795060744871539,\n \"acc_norm_stderr\": 0.0032487292211528865\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.34,\n \"acc_stderr\": 0.04760952285695236,\n \"acc_norm\": 0.34,\n \"acc_norm_stderr\": 0.04760952285695236\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6888888888888889,\n \"acc_stderr\": 0.0399926287661772,\n \"acc_norm\": 0.6888888888888889,\n \"acc_norm_stderr\": 0.0399926287661772\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.7960526315789473,\n \"acc_stderr\": 0.0327900040631005,\n \"acc_norm\": 0.7960526315789473,\n \"acc_norm_stderr\": 0.0327900040631005\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.7,\n \"acc_stderr\": 0.046056618647183814,\n \"acc_norm\": 0.7,\n \"acc_norm_stderr\": 0.046056618647183814\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.7622641509433963,\n \"acc_stderr\": 0.02619980880756193,\n \"acc_norm\": 0.7622641509433963,\n \"acc_norm_stderr\": 0.02619980880756193\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.8055555555555556,\n \"acc_stderr\": 0.03309615177059006,\n \"acc_norm\": 0.8055555555555556,\n \"acc_norm_stderr\": 0.03309615177059006\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.53,\n \"acc_stderr\": 0.050161355804659205,\n \"acc_norm\": 0.53,\n \"acc_norm_stderr\": 0.050161355804659205\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.62,\n \"acc_stderr\": 0.04878317312145633,\n \"acc_norm\": 0.62,\n \"acc_norm_stderr\": 0.04878317312145633\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.41,\n \"acc_stderr\": 0.04943110704237102,\n \"acc_norm\": 0.41,\n \"acc_norm_stderr\": 0.04943110704237102\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.7398843930635838,\n \"acc_stderr\": 0.033450369167889904,\n \"acc_norm\": 0.7398843930635838,\n \"acc_norm_stderr\": 0.033450369167889904\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.4215686274509804,\n \"acc_stderr\": 0.04913595201274498,\n \"acc_norm\": 0.4215686274509804,\n \"acc_norm_stderr\": 0.04913595201274498\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.8,\n \"acc_stderr\": 0.04020151261036846,\n \"acc_norm\": 0.8,\n \"acc_norm_stderr\": 0.04020151261036846\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.6851063829787234,\n \"acc_stderr\": 0.03036358219723817,\n \"acc_norm\": 0.6851063829787234,\n \"acc_norm_stderr\": 0.03036358219723817\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.5877192982456141,\n \"acc_stderr\": 0.04630653203366596,\n \"acc_norm\": 0.5877192982456141,\n \"acc_norm_stderr\": 0.04630653203366596\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.6275862068965518,\n \"acc_stderr\": 0.04028731532947558,\n \"acc_norm\": 0.6275862068965518,\n \"acc_norm_stderr\": 0.04028731532947558\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.47354497354497355,\n \"acc_stderr\": 0.025715239811346758,\n \"acc_norm\": 0.47354497354497355,\n \"acc_norm_stderr\": 0.025715239811346758\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.47619047619047616,\n \"acc_stderr\": 0.04467062628403273,\n \"acc_norm\": 0.47619047619047616,\n \"acc_norm_stderr\": 0.04467062628403273\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.42,\n \"acc_stderr\": 0.049604496374885836,\n \"acc_norm\": 0.42,\n \"acc_norm_stderr\": 0.049604496374885836\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.8387096774193549,\n \"acc_stderr\": 0.020923327006423294,\n \"acc_norm\": 0.8387096774193549,\n \"acc_norm_stderr\": 0.020923327006423294\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5960591133004927,\n \"acc_stderr\": 0.03452453903822033,\n \"acc_norm\": 0.5960591133004927,\n \"acc_norm_stderr\": 0.03452453903822033\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.04351941398892446,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.04351941398892446\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7818181818181819,\n \"acc_stderr\": 0.03225078108306289,\n \"acc_norm\": 0.7818181818181819,\n \"acc_norm_stderr\": 0.03225078108306289\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.8585858585858586,\n \"acc_stderr\": 0.024825909793343336,\n \"acc_norm\": 0.8585858585858586,\n \"acc_norm_stderr\": 0.024825909793343336\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9585492227979274,\n \"acc_stderr\": 0.01438543285747646,\n \"acc_norm\": 0.9585492227979274,\n \"acc_norm_stderr\": 0.01438543285747646\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.7205128205128205,\n \"acc_stderr\": 0.022752388839776823,\n \"acc_norm\": 0.7205128205128205,\n \"acc_norm_stderr\": 0.022752388839776823\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.4,\n \"acc_stderr\": 0.029869605095316908,\n \"acc_norm\": 0.4,\n \"acc_norm_stderr\": 0.029869605095316908\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.773109243697479,\n \"acc_stderr\": 0.027205371538279472,\n \"acc_norm\": 0.773109243697479,\n \"acc_norm_stderr\": 0.027205371538279472\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.4768211920529801,\n \"acc_stderr\": 0.04078093859163083,\n \"acc_norm\": 0.4768211920529801,\n \"acc_norm_stderr\": 0.04078093859163083\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8715596330275229,\n \"acc_stderr\": 0.014344977542914318,\n \"acc_norm\": 0.8715596330275229,\n \"acc_norm_stderr\": 0.014344977542914318\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5740740740740741,\n \"acc_stderr\": 0.033723432716530624,\n \"acc_norm\": 0.5740740740740741,\n \"acc_norm_stderr\": 0.033723432716530624\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8529411764705882,\n \"acc_stderr\": 0.02485747808025045,\n \"acc_norm\": 0.8529411764705882,\n \"acc_norm_stderr\": 0.02485747808025045\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.8776371308016878,\n \"acc_stderr\": 0.02133174182974679,\n \"acc_norm\": 0.8776371308016878,\n \"acc_norm_stderr\": 0.02133174182974679\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7040358744394619,\n \"acc_stderr\": 0.030636591348699813,\n \"acc_norm\": 0.7040358744394619,\n \"acc_norm_stderr\": 0.030636591348699813\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.8015267175572519,\n \"acc_stderr\": 0.0349814938546247,\n \"acc_norm\": 0.8015267175572519,\n \"acc_norm_stderr\": 0.0349814938546247\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.8842975206611571,\n \"acc_stderr\": 0.02919980245562281,\n \"acc_norm\": 0.8842975206611571,\n \"acc_norm_stderr\": 0.02919980245562281\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.8148148148148148,\n \"acc_stderr\": 0.03755265865037182,\n \"acc_norm\": 0.8148148148148148,\n \"acc_norm_stderr\": 0.03755265865037182\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.803680981595092,\n \"acc_stderr\": 0.031207970394709218,\n \"acc_norm\": 0.803680981595092,\n \"acc_norm_stderr\": 0.031207970394709218\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.5089285714285714,\n \"acc_stderr\": 0.04745033255489123,\n \"acc_norm\": 0.5089285714285714,\n \"acc_norm_stderr\": 0.04745033255489123\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8543689320388349,\n \"acc_stderr\": 0.034926064766237906,\n \"acc_norm\": 0.8543689320388349,\n \"acc_norm_stderr\": 0.034926064766237906\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.905982905982906,\n \"acc_stderr\": 0.019119892798924974,\n \"acc_norm\": 0.905982905982906,\n \"acc_norm_stderr\": 0.019119892798924974\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.77,\n \"acc_stderr\": 0.04229525846816506,\n \"acc_norm\": 0.77,\n \"acc_norm_stderr\": 0.04229525846816506\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8722860791826309,\n \"acc_stderr\": 0.011935626313999878,\n \"acc_norm\": 0.8722860791826309,\n \"acc_norm_stderr\": 0.011935626313999878\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.791907514450867,\n \"acc_stderr\": 0.021855255263421795,\n \"acc_norm\": 0.791907514450867,\n \"acc_norm_stderr\": 0.021855255263421795\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.4558659217877095,\n \"acc_stderr\": 0.01665722942458631,\n \"acc_norm\": 0.4558659217877095,\n \"acc_norm_stderr\": 0.01665722942458631\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.8006535947712419,\n \"acc_stderr\": 0.02287581699346408,\n \"acc_norm\": 0.8006535947712419,\n \"acc_norm_stderr\": 0.02287581699346408\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7845659163987139,\n \"acc_stderr\": 0.023350225475471442,\n \"acc_norm\": 0.7845659163987139,\n \"acc_norm_stderr\": 0.023350225475471442\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.8240740740740741,\n \"acc_stderr\": 0.021185893615225153,\n \"acc_norm\": 0.8240740740740741,\n \"acc_norm_stderr\": 0.021185893615225153\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.5106382978723404,\n \"acc_stderr\": 0.02982074719142244,\n \"acc_norm\": 0.5106382978723404,\n \"acc_norm_stderr\": 0.02982074719142244\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.5443285528031291,\n \"acc_stderr\": 0.012719949543032226,\n \"acc_norm\": 0.5443285528031291,\n \"acc_norm_stderr\": 0.012719949543032226\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.7867647058823529,\n \"acc_stderr\": 0.024880971512294254,\n \"acc_norm\": 0.7867647058823529,\n \"acc_norm_stderr\": 0.024880971512294254\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.7647058823529411,\n \"acc_stderr\": 0.01716058723504635,\n \"acc_norm\": 0.7647058823529411,\n \"acc_norm_stderr\": 0.01716058723504635\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.7181818181818181,\n \"acc_stderr\": 0.043091187099464585,\n \"acc_norm\": 0.7181818181818181,\n \"acc_norm_stderr\": 0.043091187099464585\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7836734693877551,\n \"acc_stderr\": 0.026358916334904028,\n \"acc_norm\": 0.7836734693877551,\n \"acc_norm_stderr\": 0.026358916334904028\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8756218905472637,\n \"acc_stderr\": 0.023335401790166323,\n \"acc_norm\": 0.8756218905472637,\n \"acc_norm_stderr\": 0.023335401790166323\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.89,\n \"acc_stderr\": 0.03144660377352203,\n \"acc_norm\": 0.89,\n \"acc_norm_stderr\": 0.03144660377352203\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5180722891566265,\n \"acc_stderr\": 0.03889951252827216,\n \"acc_norm\": 0.5180722891566265,\n \"acc_norm_stderr\": 0.03889951252827216\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8654970760233918,\n \"acc_stderr\": 0.026168221344662297,\n \"acc_norm\": 0.8654970760233918,\n \"acc_norm_stderr\": 0.026168221344662297\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.5152998776009792,\n \"mc1_stderr\": 0.017495304473187902,\n \"mc2\": 0.665216588266765,\n \"mc2_stderr\": 0.014619883028401507\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8255722178374112,\n \"acc_stderr\": 0.010665187902498428\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.5852918877937832,\n \"acc_stderr\": 0.013570623842304504\n }\n}\n```", "repo_url": "https://huggingface.co/PSanni/MPOMixtral-8x7B-Instruct-v0.1", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|arc:challenge|25_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|gsm8k|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hellaswag|10_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T14-23-30.207507.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["**/details_harness|winogrande|5_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T14-23-30.207507.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T14_23_30.207507", "path": ["results_2024-01-14T14-23-30.207507.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T14-23-30.207507.parquet"]}]}]} | 2024-01-14T14:26:04+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of PSanni/MPOMixtral-8x7B-Instruct-v0.1
Dataset automatically created during the evaluation run of model PSanni/MPOMixtral-8x7B-Instruct-v0.1 on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T14:23:30.207507(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of PSanni/MPOMixtral-8x7B-Instruct-v0.1\n\n\n\nDataset automatically created during the evaluation run of model PSanni/MPOMixtral-8x7B-Instruct-v0.1 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T14:23:30.207507(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of PSanni/MPOMixtral-8x7B-Instruct-v0.1\n\n\n\nDataset automatically created during the evaluation run of model PSanni/MPOMixtral-8x7B-Instruct-v0.1 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T14:23:30.207507(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
195,
69,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of PSanni/MPOMixtral-8x7B-Instruct-v0.1\n\n\n\nDataset automatically created during the evaluation run of model PSanni/MPOMixtral-8x7B-Instruct-v0.1 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T14:23:30.207507(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]"
] | [
-0.05868755280971527,
0.2383776158094406,
-0.005437691230326891,
0.031530991196632385,
0.10572297871112823,
-0.004924412816762924,
0.009945401921868324,
0.11124247312545776,
-0.021352408453822136,
0.1598445624113083,
-0.0028715881053358316,
0.08839242160320282,
0.08747811615467072,
0.1483011543750763,
0.022822972387075424,
-0.14661149680614471,
0.03113342449069023,
-0.07025469839572906,
0.07510454207658768,
0.09113424271345139,
0.08496277034282684,
-0.08401694893836975,
0.06495220214128494,
-0.03684951364994049,
-0.006859553977847099,
0.009016099385917187,
-0.07726448774337769,
-0.0348936952650547,
0.08200463652610779,
0.0896049365401268,
0.029423149302601814,
-0.037608493119478226,
0.03014739416539669,
-0.2445320188999176,
0.011176267638802528,
0.09245748072862625,
0.007570202462375164,
0.051762185990810394,
0.13353845477104187,
-0.05051562935113907,
0.07884596288204193,
-0.07436541467905045,
0.0724363774061203,
0.0447230190038681,
-0.11385189741849899,
-0.15117914974689484,
-0.13723695278167725,
0.015863368287682533,
0.07132066041231155,
0.06608269363641739,
-0.0320466086268425,
0.16134510934352875,
-0.027878962457180023,
0.04303902015089989,
0.11153168976306915,
-0.11005646735429764,
-0.028999755159020424,
0.018593134358525276,
0.029142266139388084,
0.0707080140709877,
-0.08809617906808853,
-0.019558612257242203,
0.027153410017490387,
0.04869448021054268,
0.02792556956410408,
-0.0022023064084351063,
-0.030530327931046486,
0.014007597230374813,
-0.1315430849790573,
-0.11220380663871765,
0.1926838755607605,
0.005203444976359606,
-0.03576502203941345,
-0.156087726354599,
-0.033790864050388336,
0.0006378453690558672,
0.0003722640685737133,
-0.03290326148271561,
0.016030285507440567,
-0.024812642484903336,
0.08054988831281662,
-0.023711439222097397,
-0.09635153412818909,
-0.013178722932934761,
0.0039956457912921906,
0.03397885710000992,
0.015939874574542046,
-0.009273774921894073,
0.02005472593009472,
0.11047402024269104,
-0.046290457248687744,
-0.08496655523777008,
-0.08093347400426865,
-0.05168167129158974,
-0.11517471820116043,
-0.04795190319418907,
0.02231566421687603,
-0.06442459672689438,
0.03329365700483322,
0.24108901619911194,
-0.04908326268196106,
0.03397200629115105,
-0.08853182941675186,
-0.005447049625217915,
0.13269837200641632,
0.08461679518222809,
-0.0776384025812149,
-0.05780530348420143,
-0.023769432678818703,
0.02153368666768074,
0.021910835057497025,
-0.016894839704036713,
0.012453362345695496,
0.05639877915382385,
0.050673361867666245,
0.10986638814210892,
0.11150375008583069,
0.02303081378340721,
-0.07376135140657425,
-0.02446187101304531,
0.20471176505088806,
-0.1652483195066452,
0.013734838925302029,
0.0023471242748200893,
-0.02517082169651985,
-0.06995028257369995,
0.07287515699863434,
-0.008244394324719906,
-0.07950373739004135,
0.10965146869421005,
-0.05549214407801628,
-0.06548673659563065,
-0.0897456482052803,
-0.04765492305159569,
0.054117459803819656,
-0.008853050880134106,
-0.029975848272442818,
-0.07418167591094971,
-0.0982317253947258,
-0.07836678624153137,
0.029835883527994156,
-0.07127363979816437,
-0.020372901111841202,
0.039192985743284225,
-0.011387907899916172,
-0.025312434881925583,
-0.020638614892959595,
0.10570075362920761,
-0.0655190721154213,
0.027927326038479805,
0.01100729126483202,
0.0030337930656969547,
0.07031487673521042,
0.05170512571930885,
-0.11477507650852203,
0.07846299558877945,
-0.1089528277516365,
0.09559217840433121,
-0.10064158588647842,
-0.018166501075029373,
-0.12625691294670105,
-0.008119091391563416,
-0.016821471974253654,
0.012122333981096745,
0.010463119484484196,
0.099598728120327,
-0.2194567173719406,
0.018672123551368713,
0.11411665380001068,
-0.10608655214309692,
-0.10012728720903397,
0.07791346311569214,
-0.031647130846977234,
0.0653170570731163,
0.051989324390888214,
0.07807113975286484,
0.10654093325138092,
-0.08644600957632065,
-0.11342833936214447,
-0.06331680715084076,
-0.021757015958428383,
0.11607826501131058,
0.07479502260684967,
-0.06904006749391556,
0.10636761039495468,
0.0415223054587841,
-0.03148745000362396,
-0.08303149044513702,
-0.014603820629417896,
-0.06273550540208817,
-0.018431274220347404,
-0.03887780010700226,
-0.07339880615472794,
0.010954760946333408,
-0.09342572093009949,
-0.021256761625409126,
-0.10730279982089996,
0.015049499459564686,
0.09071363508701324,
-0.008262798190116882,
0.014848347753286362,
-0.06407120078802109,
0.05027071759104729,
-0.00902220793068409,
0.01782393828034401,
-0.2205655574798584,
-0.08947241306304932,
0.026497548446059227,
-0.09956113249063492,
0.05240209773182869,
0.0017590030329301953,
0.013514571823179722,
0.03175831586122513,
-0.012308724224567413,
0.009315861389040947,
-0.000936199736315757,
-0.0011813498567789793,
-0.012768262065947056,
-0.13073696196079254,
-0.055695123970508575,
-0.0797610655426979,
0.06631509959697723,
-0.12434163689613342,
-0.015045669861137867,
0.07011131197214127,
0.15609341859817505,
0.004644359927624464,
-0.08966870605945587,
0.062251921743154526,
-0.003247413784265518,
-0.03422325477004051,
-0.06427565217018127,
-0.0011182853486388922,
-0.01903541013598442,
0.06096960976719856,
0.008388572372496128,
-0.1950252205133438,
-0.10736767947673798,
0.07526480406522751,
0.11891667544841766,
-0.07451289147138596,
-0.04672245681285858,
-0.05660112202167511,
-0.05279796943068504,
-0.09679295867681503,
-0.07725895941257477,
0.07274994999170303,
0.08536676317453384,
0.03976826369762421,
-0.07228697091341019,
-0.062133826315402985,
0.005183210596442223,
0.03134359419345856,
-0.07413940131664276,
0.09019661694765091,
0.10169923305511475,
-0.08243300765752792,
0.11315302550792694,
0.027807097882032394,
0.11476578563451767,
0.06954992562532425,
0.013916848227381706,
-0.11689579486846924,
-0.00973221193999052,
0.04438939690589905,
0.03032974898815155,
0.08105532824993134,
-0.03616863489151001,
0.04838840290904045,
0.0841735377907753,
-0.008190479129552841,
0.048819467425346375,
-0.060364384204149246,
0.03848757967352867,
0.03894321620464325,
0.003819527104496956,
0.02566944621503353,
-0.0024398670066148043,
0.0148514024913311,
0.06454869359731674,
0.03346201777458191,
0.1065320298075676,
-0.01364576444029808,
-0.034864917397499084,
-0.0960131585597992,
0.14313027262687683,
-0.10885439813137054,
-0.28923359513282776,
-0.16512160003185272,
-0.030229337513446808,
-0.030891932547092438,
-0.00892661977559328,
0.05150889605283737,
-0.021899210289120674,
-0.11529912799596786,
-0.10293994098901749,
0.04536755010485649,
0.007386381737887859,
-0.1262120008468628,
-0.052780620753765106,
0.05271498113870621,
0.01834457740187645,
-0.1583106368780136,
0.035575006157159805,
0.04736115410923958,
-0.04415256902575493,
0.0019035169389098883,
0.08988595753908157,
0.1294938325881958,
0.0768563374876976,
0.03951011225581169,
-0.020596738904714584,
0.009736497886478901,
0.19638513028621674,
-0.10671354830265045,
0.03616078197956085,
0.12213850766420364,
-0.04783457890152931,
0.07313528656959534,
0.163967102766037,
0.006131430622190237,
-0.0882793664932251,
0.0346040353178978,
0.0862124040722847,
-0.06373537331819534,
-0.26205793023109436,
-0.09181518852710724,
-0.02574574016034603,
-0.0000309404858853668,
0.10636426508426666,
0.05813104286789894,
-0.009705457836389542,
0.03276272490620613,
-0.11025042831897736,
-0.03662005439400673,
-0.053932152688503265,
0.07086361944675446,
0.07057459652423859,
-0.010195051319897175,
0.04855583980679512,
-0.04170361906290054,
0.037835925817489624,
0.12201517075300217,
0.036455895751714706,
0.15229927003383636,
-0.0293392613530159,
0.13557273149490356,
0.08026400953531265,
0.09765838086605072,
-0.04644377902150154,
0.063064806163311,
0.013858991675078869,
0.06614374369382858,
-0.0035055463667958975,
-0.09756166487932205,
-0.07064991444349289,
0.09530124813318253,
0.016664154827594757,
-0.05164233595132828,
0.029445096850395203,
-0.04966037720441818,
0.04351503401994705,
0.16407759487628937,
-0.008457477204501629,
-0.1651589274406433,
-0.05580916628241539,
0.048178914934396744,
-0.024931687861680984,
-0.12449326366186142,
-0.0184707622975111,
0.06857617944478989,
-0.1501065492630005,
0.014942744746804237,
-0.033804237842559814,
0.09361252188682556,
-0.123009093105793,
-0.01929103024303913,
-0.00266635837033391,
0.07441537082195282,
-0.009479512460529804,
0.11581192165613174,
-0.11876022815704346,
0.10821946710348129,
0.003249803790822625,
0.04046551138162613,
-0.09005796164274216,
0.073014035820961,
-0.03023645281791687,
-0.020569104701280594,
0.14673247933387756,
-0.006261379458010197,
-0.08359790593385696,
-0.060194168239831924,
-0.11723808199167252,
0.004609743598848581,
0.06016397848725319,
-0.10072602331638336,
0.10102123022079468,
0.019121259450912476,
-0.012729953043162823,
-0.02591969259083271,
-0.032479241490364075,
-0.1280549168586731,
-0.2309914529323578,
0.1057475134730339,
-0.09987392276525497,
0.06740076094865799,
-0.041284698992967606,
-0.04063612222671509,
-0.0609300397336483,
0.19460636377334595,
-0.06438172608613968,
-0.07904057204723358,
-0.12978525459766388,
0.029456382617354393,
0.1835041642189026,
-0.05053629353642464,
0.05677075311541557,
-0.051020894199609756,
0.17488954961299896,
0.001972525380551815,
-0.04851728677749634,
-0.0019672454800456762,
-0.08832284808158875,
-0.1415122151374817,
-0.03027946874499321,
0.13946756720542908,
0.05702485889196396,
0.009663805365562439,
-0.0017106242012232542,
0.04992121085524559,
0.0020902599208056927,
-0.08855147659778595,
0.031839653849601746,
0.1036326214671135,
0.12645886838436127,
0.04907209426164627,
-0.0443989597260952,
-0.13368520140647888,
-0.10413743555545807,
-0.08221554011106491,
0.06893966346979141,
0.14502355456352234,
-0.059593912214040756,
0.13741566240787506,
0.12736326456069946,
-0.09990940243005753,
-0.18824073672294617,
-0.04842279851436615,
0.027034234255552292,
-0.02305859699845314,
0.1268886923789978,
-0.20213882625102997,
0.07170093059539795,
0.07500240951776505,
-0.006531274877488613,
0.0807199627161026,
-0.22265207767486572,
-0.1212090402841568,
0.04257171228528023,
0.029311195015907288,
-0.23042400181293488,
-0.15317021310329437,
-0.09917034953832626,
-0.020802712067961693,
-0.16524501144886017,
0.12155330181121826,
0.0014395450707525015,
0.027858629822731018,
-0.0030689996201545,
0.06943491101264954,
0.05281585454940796,
-0.058897871524095535,
0.13405005633831024,
-0.0011752258287742734,
0.014699411578476429,
-0.08932673186063766,
-0.01552125345915556,
0.014821695163846016,
-0.05125550925731659,
0.10330221801996231,
0.05059250444173813,
0.04776648059487343,
-0.1100965365767479,
-0.036224644631147385,
-0.042806658893823624,
0.04619371145963669,
-0.0662563294172287,
-0.06229393929243088,
-0.05534862354397774,
0.07940418273210526,
0.07253558188676834,
-0.02958104945719242,
0.02684185653924942,
-0.0400564931333065,
0.03918449580669403,
0.213895782828331,
0.09671538323163986,
0.02510819397866726,
-0.12983089685440063,
-0.019981123507022858,
-0.013652686029672623,
0.004964084830135107,
-0.13326789438724518,
0.05085943639278412,
0.09320735931396484,
0.03354585915803909,
0.08051129430532455,
-0.02510177157819271,
-0.18759174644947052,
-0.008658627048134804,
0.07240466773509979,
-0.10899632424116135,
-0.19488868117332458,
0.022651759907603264,
0.11897050589323044,
-0.1457061767578125,
-0.04634174332022667,
0.09012877941131592,
0.01810258999466896,
-0.031104708090424538,
0.0076365359127521515,
0.07836891710758209,
0.04542035236954689,
0.10149779915809631,
0.008050459437072277,
0.04562923312187195,
-0.07973651587963104,
0.10753952711820602,
0.13504618406295776,
-0.12260134518146515,
0.026819445192813873,
0.06813883036375046,
-0.05221311002969742,
-0.06326655298471451,
0.03734783083200455,
-0.00221558497287333,
0.022888807579874992,
-0.0494806207716465,
0.028087392449378967,
-0.020487086847424507,
0.06489758938550949,
0.09533531218767166,
0.011677459813654423,
0.02692297101020813,
0.02020813152194023,
-0.009452234953641891,
-0.08816516399383545,
0.10556935518980026,
0.046886760741472244,
0.03445965796709061,
-0.05426924675703049,
0.013779880478978157,
0.018248502165079117,
-0.012089578434824944,
0.012805430218577385,
-0.04153318703174591,
-0.04847738519310951,
-0.003956156317144632,
-0.13712675869464874,
0.02113736979663372,
-0.09057650715112686,
-0.005093931686133146,
-0.00483062444254756,
-0.01308118924498558,
-0.01965497061610222,
0.02027641050517559,
-0.0533376969397068,
-0.06895192712545395,
-0.04528822377324104,
0.10430511832237244,
-0.19824424386024475,
0.0032961959950625896,
0.09140824526548386,
-0.07626338303089142,
0.07697667181491852,
0.001718210056424141,
-0.01724724844098091,
0.0027539615985006094,
-0.09291431307792664,
-0.026863498613238335,
-0.016625506803393364,
0.05886146053671837,
0.018785523250699043,
-0.15273131430149078,
-0.0007951006409712136,
0.019078437238931656,
-0.06525545567274094,
-0.009752822108566761,
0.06306204944849014,
-0.15253545343875885,
0.04576605185866356,
0.052163444459438324,
-0.041556552052497864,
-0.04060572013258934,
0.04927583783864975,
0.045590199530124664,
0.01541889738291502,
0.10805784910917282,
-0.0010555405169725418,
0.04899908974766731,
-0.1515931934118271,
-0.040653470903635025,
-0.005477345548570156,
0.010938983410596848,
0.020471980795264244,
0.02210540696978569,
0.042052533477544785,
-0.006300036795437336,
0.20730145275592804,
-0.0012145505752414465,
0.0842861607670784,
0.04059223830699921,
0.010620974004268646,
-0.04276084154844284,
0.021965768188238144,
0.03792829439043999,
0.0027182279154658318,
0.01695774309337139,
0.03589911758899689,
-0.027325956150889397,
-0.03811851143836975,
-0.034970782697200775,
0.06952857971191406,
0.14576247334480286,
0.15161074697971344,
-0.025302313268184662,
0.055209629237651825,
-0.14740879833698273,
-0.06829112768173218,
0.013992667198181152,
-0.03179081156849861,
0.04285730421543121,
-0.06849765032529831,
0.05537014082074165,
0.07141056656837463,
-0.1129821240901947,
0.13156192004680634,
-0.06497654318809509,
-0.04731118306517601,
-0.04083041474223137,
-0.1367296725511551,
-0.04816541075706482,
0.003106155199930072,
0.010125985369086266,
-0.10586414486169815,
0.10357499867677689,
0.13428045809268951,
-0.008790195919573307,
-0.01370472926646471,
0.10752249509096146,
-0.07840406894683838,
-0.07695061713457108,
-0.027035145089030266,
0.018589528277516365,
0.030396267771720886,
-0.007732062134891748,
0.08496588468551636,
0.02265656366944313,
0.07653334736824036,
0.07796899974346161,
0.09481080621480942,
0.05774172395467758,
0.021274808794260025,
-0.04582594335079193,
-0.057140760123729706,
-0.006803755182772875,
-0.0021542476024478674,
-0.05120516195893288,
0.18519499897956848,
0.036723047494888306,
0.006962561048567295,
0.006858053617179394,
0.20927564799785614,
-0.01558196172118187,
-0.06611918658018112,
-0.15380090475082397,
0.11044985055923462,
-0.0068086981773376465,
0.014768430031836033,
0.030930163338780403,
-0.1390872299671173,
0.029781345278024673,
0.17031124234199524,
0.09590917825698853,
0.032718732953071594,
0.004559377208352089,
0.02731948159635067,
0.02722606249153614,
-0.0440085344016552,
0.04959998279809952,
0.04397355765104294,
0.16562519967556,
-0.057388268411159515,
0.05291792005300522,
-0.021475352346897125,
-0.025075262412428856,
-0.027203524485230446,
0.06812042742967606,
-0.038339629769325256,
0.016589656472206116,
-0.05144593119621277,
0.10486377775669098,
-0.030869968235492706,
-0.2689814567565918,
-0.010062341578304768,
-0.07360077649354935,
-0.1332828551530838,
-0.01437680795788765,
0.04879392310976982,
-0.02984609268605709,
0.028226038441061974,
0.03996208310127258,
-0.03071894496679306,
0.20999623835086823,
0.019026676192879677,
-0.08215676993131638,
-0.06593374162912369,
0.07898736745119095,
-0.02098008617758751,
0.2541801333427429,
0.012907154858112335,
0.054862067103385925,
0.08822549134492874,
-0.023847417905926704,
-0.16556179523468018,
0.023491987958550453,
0.09982442110776901,
-0.03663412854075432,
0.05508061870932579,
0.14949145913124084,
-0.021188024431467056,
0.12334005534648895,
0.03916660323739052,
-0.02571750059723854,
0.03517384082078934,
0.04788549244403839,
0.03118259645998478,
-0.08765502274036407,
0.06963878870010376,
-0.09687744826078415,
0.13791407644748688,
0.10774417221546173,
-0.025088611990213394,
-0.008538961410522461,
-0.07560690492391586,
0.07654356211423874,
-0.025319527834653854,
0.1130375936627388,
-0.0032880729995667934,
-0.1598758101463318,
0.03259463235735893,
0.02323371358215809,
0.06079431250691414,
-0.21135297417640686,
-0.05590914934873581,
0.10566747188568115,
-0.04094398766756058,
-0.011566225439310074,
0.1021367758512497,
0.015565640293061733,
0.009258493781089783,
-0.05890091881155968,
-0.08720991015434265,
0.000445026729721576,
0.11787697672843933,
-0.08344744145870209,
-0.022548601031303406
] |
61a82414fa150f2923ad3515473e79681797fbe2 |
This repository contains importance matrix datasets for use with the improved quantization methods recently added to `llama.cpp`.
The importance matrix has been computed using `wiki.train.raw` as training data.
Hope the file names are self-explanatory.
To use, after cloning this repo, for e.g. Mixtral-8x7B and `Q4_K_M` quantization, use
```
./quantize --imatrix path_to_repo/mixtral-8x7b.imatrix path_to_model ggml-model-q4k-m.gguf Q4_K_M
```
| ikawrakow/imatrix-from-wiki-train | [
"license:apache-2.0",
"region:us"
] | 2024-01-14T14:27:02+00:00 | {"license": "apache-2.0"} | 2024-01-14T15:11:22+00:00 | [] | [] | TAGS
#license-apache-2.0 #region-us
|
This repository contains importance matrix datasets for use with the improved quantization methods recently added to 'URL'.
The importance matrix has been computed using 'URL' as training data.
Hope the file names are self-explanatory.
To use, after cloning this repo, for e.g. Mixtral-8x7B and 'Q4_K_M' quantization, use
| [] | [
"TAGS\n#license-apache-2.0 #region-us \n"
] | [
14
] | [
"passage: TAGS\n#license-apache-2.0 #region-us \n"
] | [
-0.014972950331866741,
0.1377405971288681,
-0.008658665232360363,
-0.026387644931674004,
-0.06495039910078049,
0.02879125252366066,
0.153837651014328,
0.10483942180871964,
0.1256849616765976,
-0.0962781235575676,
0.15542295575141907,
0.06252618134021759,
0.01139750611037016,
0.01549961045384407,
0.010183668695390224,
-0.10781864821910858,
0.10650338232517242,
-0.03490327671170235,
-0.0707244873046875,
0.013394840992987156,
0.033960238099098206,
0.01981612667441368,
-0.023830559104681015,
-0.012257595546543598,
0.01112176850438118,
0.0037393702659755945,
0.07398658245801926,
-0.03678586333990097,
0.0712570771574974,
-0.0307270847260952,
0.04963022843003273,
0.037079621106386185,
-0.007749613840132952,
-0.26644203066825867,
0.0024822098203003407,
-0.024022065103054047,
-0.07085459679365158,
0.029720399528741837,
0.013389789499342442,
0.01578286662697792,
0.00231059524230659,
0.07178761065006256,
-0.05940864980220795,
0.031044602394104004,
-0.10492347925901413,
-0.29222142696380615,
-0.17006294429302216,
0.01744023710489273,
0.06068360060453415,
0.05476497858762741,
0.09300920367240906,
0.11550862342119217,
-0.14644485712051392,
-0.044547248631715775,
0.07099119573831558,
-0.3628372251987457,
0.050203535705804825,
0.08580845594406128,
-0.01402231678366661,
0.057996317744255066,
0.02550811693072319,
0.06553854793310165,
0.10383764654397964,
-0.038684334605932236,
-0.08282918483018875,
-0.048850782215595245,
-0.07356837391853333,
0.10531846433877945,
-0.00149822561070323,
-0.12009333074092865,
0.345758318901062,
0.07138761878013611,
-0.013982822187244892,
0.1401686668395996,
-0.03401775285601616,
0.08242715895175934,
0.00856063887476921,
0.07128778845071793,
0.11027930676937103,
0.21097713708877563,
0.1913771778345108,
-0.10426254570484161,
-0.16983820497989655,
-0.05970091372728348,
-0.17783339321613312,
0.02624516934156418,
0.006967680528759956,
0.1441962569952011,
-0.15566711127758026,
-0.007344068959355354,
-0.08945375680923462,
-0.05843057110905647,
-0.052450742572546005,
-0.06543421745300293,
0.15477518737316132,
0.08793632686138153,
-0.09496267139911652,
0.12857593595981598,
0.16295284032821655,
0.27066588401794434,
0.0397113561630249,
0.0019443186465650797,
-0.1110435351729393,
0.16749770939350128,
-0.07042741030454636,
0.013758119195699692,
0.11881717294454575,
0.07653947174549103,
0.10706596076488495,
-0.16501086950302124,
0.12452162802219391,
-0.016609763726592064,
-0.11789992451667786,
-0.018261663615703583,
-0.1484517753124237,
0.16352272033691406,
0.06240275129675865,
-0.10497567802667618,
-0.06494749337434769,
0.07674259692430496,
0.11038123816251755,
-0.04079411178827286,
-0.009143678471446037,
-0.015199431218206882,
0.01051195990294218,
-0.009426284581422806,
0.027398476377129555,
0.04705727845430374,
0.058609262108802795,
0.0033366302959620953,
-0.07381071150302887,
-0.020023247227072716,
0.003280751407146454,
0.1267043501138687,
0.1569293588399887,
-0.05185375362634659,
0.04033694788813591,
-0.06643003970384598,
-0.15634682774543762,
0.033434003591537476,
0.08608060330152512,
0.0321158766746521,
-0.007054667454212904,
0.10480355471372604,
0.0473899245262146,
-0.004594990983605385,
-0.090055912733078,
-0.06355541944503784,
-0.08356712758541107,
0.04190095514059067,
-0.11996523290872574,
-0.0058386498130857944,
-0.25945019721984863,
0.00316249905154109,
-0.1388063281774521,
0.0704830139875412,
0.04737875238060951,
-0.11123143136501312,
-0.11911641061306,
0.18649786710739136,
-0.07714612036943436,
0.055908672511577606,
-0.05615519732236862,
-0.008492839522659779,
-0.03699778765439987,
0.06682316213846207,
-0.14747841656208038,
-0.0005399030051194131,
0.18717823922634125,
-0.14897091686725616,
-0.183698832988739,
0.007495424710214138,
0.03250853717327118,
0.014232120476663113,
0.028690440580248833,
0.30018556118011475,
-0.04365801066160202,
-0.022711357101798058,
0.14066553115844727,
0.16189178824424744,
-0.0973799079656601,
-0.2718583643436432,
0.14789041876792908,
-0.18816958367824554,
-0.19481199979782104,
0.02703963965177536,
-0.10175284743309021,
0.06735242903232574,
0.0434052050113678,
-0.12173084169626236,
-0.040761545300483704,
-0.06889492273330688,
-0.03939614072442055,
-0.04728172346949577,
0.01916317269206047,
-0.06263907253742218,
0.06502450257539749,
-0.0881565511226654,
0.0690668523311615,
0.1269703209400177,
0.08447451889514923,
-0.026536764577031136,
0.009126527234911919,
0.025589320808649063,
0.017330490052700043,
-0.03833708539605141,
0.01929517462849617,
0.01688491925597191,
-0.09582766890525818,
0.07343678176403046,
0.10080436617136002,
0.0517999529838562,
-0.10638647526502609,
0.023197486996650696,
0.03179466351866722,
0.0024750155862420797,
0.0694531574845314,
0.06032438576221466,
-0.10287857055664062,
0.06489933282136917,
-0.0037468012887984514,
0.0518820621073246,
0.07478269934654236,
-0.022493045777082443,
0.020172767341136932,
-0.044141460210084915,
-0.04319985210895538,
0.08567604422569275,
-0.019361646845936775,
-0.08695904165506363,
0.02959357015788555,
0.005028232932090759,
0.10603106021881104,
0.04762826859951019,
-0.10406646132469177,
0.16851206123828888,
0.03276379778981209,
0.14172857999801636,
0.16983027756214142,
-0.05003548413515091,
0.13265447318553925,
-0.018061332404613495,
0.011779023334383965,
-0.027860842645168304,
0.08203933387994766,
0.013741283677518368,
-0.0884268656373024,
0.010677173733711243,
-0.0012559969909489155,
-0.04808245599269867,
0.026862075552344322,
-0.05627221614122391,
-0.11836695671081543,
-0.059314463287591934,
-0.028883814811706543,
0.22526615858078003,
-0.10537033528089523,
0.12464691698551178,
0.5217018723487854,
0.024548746645450592,
0.047969620674848557,
-0.16087572276592255,
-0.06556912511587143,
-0.03724734112620354,
0.01234061736613512,
-0.03181084617972374,
0.13119523227214813,
-0.06553105264902115,
0.03862816467881203,
0.0817440003156662,
0.07771708816289902,
0.04734378680586815,
-0.17659273743629456,
-0.12391189485788345,
0.0027862393762916327,
-0.06264690309762955,
-0.1301562488079071,
-0.015394099988043308,
-0.11034313589334488,
0.036011673510074615,
0.015018938109278679,
-0.09842728823423386,
0.16451223194599152,
-0.03630390390753746,
-0.045461565256118774,
0.04944632574915886,
-0.2314302921295166,
-0.0839247852563858,
-0.12943525612354279,
-0.03678453713655472,
-0.023447291925549507,
0.016634400933980942,
0.09078312665224075,
-0.055623311549425125,
-0.0538143664598465,
0.03897318243980408,
-0.08703092485666275,
-0.05625670403242111,
-0.015357088297605515,
0.04862850904464722,
0.08293753117322922,
0.04238975793123245,
-0.10195945203304291,
-0.04045995697379112,
-0.002702324651181698,
-0.01255359873175621,
0.033146876841783524,
-0.07412629574537277,
0.0853082686662674,
0.11064175516366959,
0.049554772675037384,
0.03361808881163597,
-0.0033064892049878836,
0.07316921651363373,
-0.013150024227797985,
-0.06427362561225891,
0.1754506230354309,
-0.014537261798977852,
0.052527204155921936,
0.1614663302898407,
0.06942721456289291,
-0.08693967014551163,
-0.016334567219018936,
-0.05160483345389366,
-0.11219155788421631,
-0.313568115234375,
-0.0514010526239872,
-0.0697566568851471,
0.10370723158121109,
0.016293581575155258,
0.11431120336055756,
0.11805130541324615,
0.05553880333900452,
0.02477053552865982,
-0.030986998230218887,
-0.013935171999037266,
-0.008552669547498226,
0.14244908094406128,
-0.040016934275627136,
-0.025634407997131348,
-0.16582822799682617,
0.05352972075343132,
0.19532184302806854,
0.17346875369548798,
0.16141186654567719,
0.2949795722961426,
0.1219889223575592,
0.1499485820531845,
0.20596453547477722,
0.03277221694588661,
0.08221390843391418,
0.06475520879030228,
0.0147244893014431,
-0.07361224293708801,
-0.02132425457239151,
-0.0358458049595356,
0.09254280477762222,
-0.020926684141159058,
-0.1894368976354599,
0.04358299449086189,
-0.20253854990005493,
0.04529424384236336,
0.1325015276670456,
0.10060963034629822,
0.0372280478477478,
0.12041204422712326,
0.10496384650468826,
0.07236151397228241,
0.02265322208404541,
0.155935138463974,
-0.10047086328268051,
-0.04170655459165573,
0.10314960777759552,
0.03088374249637127,
0.08923831582069397,
0.05249778553843498,
0.024546442553400993,
-0.09486964344978333,
-0.18898503482341766,
0.08735544979572296,
0.15138362348079681,
-0.18271131813526154,
0.25446999073028564,
0.007140269037336111,
-0.10152944922447205,
-0.04616072401404381,
-0.034160908311605453,
0.07485716044902802,
0.1744716465473175,
0.09998820722103119,
0.07455950975418091,
-0.2311946600675583,
0.06371928006410599,
-0.0805746391415596,
0.03850121796131134,
0.009798256680369377,
-0.0012644194066524506,
-0.1523386389017105,
-0.06277230381965637,
0.03955406695604324,
0.028464701026678085,
0.16074317693710327,
-0.09644434601068497,
-0.07261957228183746,
0.0019746189936995506,
0.14707164466381073,
-0.027826759964227676,
-0.12161600589752197,
0.07778380811214447,
0.026536058634519577,
0.10129949450492859,
-0.046719279140233994,
0.01687805913388729,
-0.0395737923681736,
-0.22956150770187378,
0.06549007445573807,
-0.02001434937119484,
0.016561396420001984,
-0.057295773178339005,
-0.095908522605896,
-0.09420177340507507,
-0.1935003399848938,
0.09841206669807434,
-0.0820716917514801,
0.02724429965019226,
-0.03322573006153107,
0.12508079409599304,
-0.09227079153060913,
0.022051848471164703,
0.002473256317898631,
-0.0009367846651002765,
-0.0559639148414135,
-0.12471262365579605,
0.08924731612205505,
-0.02971985563635826,
-0.0013593619223684072,
-0.004879474639892578,
-0.037194594740867615,
0.05458180233836174,
0.06104811653494835,
-0.09029456228017807,
0.17284651100635529,
0.304045170545578,
-0.06797412037849426,
0.21419626474380493,
0.3437173664569855,
-0.12620802223682404,
-0.22579985857009888,
-0.2027367204427719,
-0.287395715713501,
-0.1499757170677185,
0.09507355093955994,
-0.18301111459732056,
0.10197417438030243,
0.19583699107170105,
-0.1618303805589676,
0.17492994666099548,
-0.18311083316802979,
-0.021827004849910736,
0.20329692959785461,
-0.06383024156093597,
0.3788199722766876,
-0.11906247586011887,
-0.10778811573982239,
-0.09945111721754074,
-0.1618940234184265,
0.10558515042066574,
-0.18797975778579712,
0.02240607887506485,
0.03505697101354599,
-0.06375153362751007,
-0.049790963530540466,
-0.018343381583690643,
0.24272295832633972,
-0.001803387189283967,
0.0726020559668541,
-0.07976466417312622,
0.016474680975079536,
0.1855529397726059,
-0.05465783178806305,
0.036813490092754364,
-0.15827761590480804,
-0.028589751571416855,
-0.009538229554891586,
0.037033237516880035,
-0.03485805541276932,
0.07510014623403549,
0.0011767554096877575,
-0.07188761979341507,
-0.0968698114156723,
-0.021874895319342613,
-0.04847799241542816,
-0.005289438646286726,
0.26872649788856506,
0.076040118932724,
-0.053988635540008545,
0.10166085511445999,
-0.0624149851500988,
-0.1741536259651184,
0.016763299703598022,
-0.10044022649526596,
-0.07138258218765259,
0.0554080568253994,
-0.24670164287090302,
0.034909263253211975,
0.05687393248081207,
-0.06160387769341469,
0.03683772310614586,
0.05927642062306404,
-0.09550898522138596,
-0.021464845165610313,
0.12709221243858337,
-0.0498422347009182,
-0.0725388154387474,
0.06216653808951378,
0.1259109526872635,
0.11850999295711517,
0.0343933068215847,
0.07898429036140442,
0.04615308716893196,
0.00829920545220375,
0.021227914839982986,
0.07433275133371353,
-0.17039799690246582,
-0.05188438296318054,
0.05058757960796356,
-0.02595781534910202,
-0.1195429265499115,
0.25599008798599243,
0.024486735463142395,
-0.03208741545677185,
-0.03641199693083763,
0.034413471817970276,
-0.05278664082288742,
-0.09139014035463333,
-0.055758245289325714,
-0.012565652839839458,
-0.09509796649217606,
-0.18549469113349915,
0.037074074149131775,
-0.09632396697998047,
-0.031133420765399933,
-0.03407083451747894,
0.1050528809428215,
0.10973811894655228,
0.0608430951833725,
-0.035467516630887985,
0.16503585875034332,
-0.08250437676906586,
-0.18473856151103973,
-0.014520380645990372,
-0.04597662389278412,
-0.2016236037015915,
0.02965214103460312,
0.06940829008817673,
-0.013816002756357193,
-0.046515315771102905,
-0.05482683703303337,
0.08873733133077621,
-0.2119728922843933,
0.016329854726791382,
-0.08455836027860641,
0.001034914399497211,
0.0714198648929596,
-0.0625232607126236,
-0.02158266305923462,
0.019058139994740486,
-0.16247235238552094,
-0.057285383343696594,
-0.010741667822003365,
0.05505165457725525,
-0.10866090655326843,
-0.059575166553258896,
0.13569991290569305,
0.05747954174876213,
0.09156093001365662,
0.08844062685966492,
0.012601320631802082,
0.14171354472637177,
-0.1320880800485611,
-0.07235664874315262,
0.07277880609035492,
0.03337378427386284,
-0.02606162242591381,
0.016614673659205437,
-0.08515988290309906,
0.08969198167324066,
-0.07962571084499359,
0.01820359006524086,
-0.060848966240882874,
-0.13395224511623383,
-0.14613622426986694,
-0.008169831708073616,
-0.17318809032440186,
0.04386909306049347,
-0.1962924599647522,
0.20117418467998505,
0.049670200794935226,
0.11739125847816467,
0.09586193412542343,
0.0011940872063860297,
0.02116451971232891,
0.03084888681769371,
-0.038015320897102356,
-0.06214485689997673,
-0.1336703896522522,
-0.034515380859375,
-0.14342233538627625,
-0.05508563295006752,
0.3311520218849182,
-0.04312245175242424,
-0.13223427534103394,
0.05347722768783569,
0.08347365260124207,
0.016498390585184097,
0.023317286744713783,
0.24889890849590302,
0.04722274839878082,
0.01573793776333332,
-0.13385194540023804,
-0.026428358629345894,
0.01794368028640747,
-0.16727277636528015,
0.06783340871334076,
0.09281940758228302,
0.16844220459461212,
0.05829422175884247,
0.05544407665729523,
-0.019741542637348175,
-0.05980636551976204,
-0.07777530699968338,
0.14353948831558228,
0.032101042568683624,
0.07295279204845428,
0.09418365359306335,
0.159424290060997,
-0.01132612582296133,
0.011219488456845284,
-0.048546407371759415,
0.018409814685583115,
-0.15742093324661255,
-0.13183769583702087,
0.0072431364096701145,
-0.15321512520313263,
0.010697826743125916,
0.011604762636125088,
0.031117310747504234,
0.2556179463863373,
0.040744051337242126,
-0.06757266819477081,
-0.061626169830560684,
-0.15643614530563354,
-0.04558565840125084,
-0.04036465659737587,
-0.007026704493910074,
-0.038584496825933456,
-0.04671114683151245,
-0.11182798445224762,
-0.0216030515730381,
-0.08770470321178436,
-0.06560606509447098,
0.03681713715195656,
0.030047502368688583,
0.026680879294872284,
-0.10008109360933304,
-0.026802673935890198,
-0.08784958720207214,
0.040374286472797394,
0.0004315301775932312,
0.18315750360488892,
0.03631989657878876,
0.0276914332062006,
0.1346033811569214,
0.07949449867010117,
-0.04593978822231293,
-0.1404203623533249,
-0.04276864603161812,
0.050976864993572235,
-0.04557491093873978,
0.06821722537279129,
-0.047834381461143494,
-0.008090421557426453,
-0.03426219895482063,
0.22107382118701935,
0.2087077796459198,
-0.07518038153648376,
-0.0023365700617432594,
-0.04285150393843651,
0.01813213713467121,
0.007908736355602741,
0.15072014927864075,
0.0591626912355423,
0.10565771162509918,
-0.0679246187210083,
-0.012176652438938618,
-0.016756610944867134,
0.013343945145606995,
-0.18723566830158234,
0.07582846283912659,
-0.030456462875008583,
-0.11726406216621399,
-0.038775019347667694,
0.12641341984272003,
-0.06347712874412537,
0.09165021777153015,
0.09027697890996933,
-0.029973473399877548,
0.027466343715786934,
0.0041959225200116634,
0.20493634045124054,
0.02617124654352665,
0.048617783933877945,
-0.1167941614985466,
-0.09022688120603561,
0.04032917320728302,
0.00874406099319458,
-0.3118123412132263,
-0.1954881250858307,
0.10563000291585922,
0.06715425848960876,
0.2813838720321655,
0.0376100093126297,
0.04810243472456932,
0.015465166419744492,
0.07121489197015762,
-0.12309351563453674,
0.13339413702487946,
0.046601615846157074,
-0.01129146758466959,
-0.11312273144721985,
-0.22528712451457977,
-0.08437834680080414,
-0.05826718360185623,
0.07650711387395859,
0.06533077359199524,
0.0024006948806345463,
0.1862800121307373,
-0.0665736049413681,
-0.02629813738167286,
-0.025829114019870758,
-0.15687870979309082,
0.03671088442206383,
-0.06590475142002106,
-0.042691074311733246,
-0.0751107782125473,
-0.03413062542676926,
-0.023224810138344765,
0.055103402584791183,
-0.24346224963665009,
-0.05677183344960213,
0.2217833697795868,
0.021673565730452538,
0.14538446068763733,
0.02648567035794258,
0.03698272630572319,
-0.035830456763505936,
-0.04817749559879303,
0.054671525955200195,
-0.08730608224868774,
0.004225281998515129,
0.10913265496492386,
-0.03198149800300598,
0.021041326224803925,
-0.1597670465707779,
0.046472933143377304,
-0.043475229293107986,
-0.005544837564229965,
-0.0814170315861702
] |
2f2332989ebc1a0b262f84f3366d91590b0f9849 |
# Dataset of radford/ラドフォード/拉德福特 (Azur Lane)
This is the dataset of radford/ラドフォード/拉德福特 (Azur Lane), containing 16 images and their tags.
The core tags of this character are `pink_hair, blue_eyes, long_hair, ribbon, bow, hair_bow, hair_ribbon, ponytail, symbol-shaped_pupils`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 16 | 14.24 MiB | [Download](https://huggingface.co/datasets/CyberHarem/radford_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 16 | 9.61 MiB | [Download](https://huggingface.co/datasets/CyberHarem/radford_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 34 | 20.26 MiB | [Download](https://huggingface.co/datasets/CyberHarem/radford_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 16 | 13.29 MiB | [Download](https://huggingface.co/datasets/CyberHarem/radford_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 34 | 26.12 MiB | [Download](https://huggingface.co/datasets/CyberHarem/radford_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/radford_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 16 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | looking_at_viewer, 1girl, blush, solo, skirt, lollipop, navel, midriff, smile, belt, open_mouth, heart, holding, simple_background, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | looking_at_viewer | 1girl | blush | solo | skirt | lollipop | navel | midriff | smile | belt | open_mouth | heart | holding | simple_background | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------|:--------|:--------|:-------|:--------|:-----------|:--------|:----------|:--------|:-------|:-------------|:--------|:----------|:--------------------|:-------------------|
| 0 | 16 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/radford_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:29:21+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:32:56+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of radford/ラドフォード/拉德福特 (Azur Lane)
==========================================
This is the dataset of radford/ラドフォード/拉德福特 (Azur Lane), containing 16 images and their tags.
The core tags of this character are 'pink\_hair, blue\_eyes, long\_hair, ribbon, bow, hair\_bow, hair\_ribbon, ponytail, symbol-shaped\_pupils', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
373dab56a041184b72b88335a003956b41b294a5 |
# Dataset of san_jacinto/サン・ジャシント/圣哈辛托 (Azur Lane)
This is the dataset of san_jacinto/サン・ジャシント/圣哈辛托 (Azur Lane), containing 17 images and their tags.
The core tags of this character are `breasts, large_breasts, purple_eyes, bangs, short_hair, white_hair, animal_ears, fake_animal_ears, rabbit_ears, bow, tail`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 17 | 26.26 MiB | [Download](https://huggingface.co/datasets/CyberHarem/san_jacinto_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 17 | 13.73 MiB | [Download](https://huggingface.co/datasets/CyberHarem/san_jacinto_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 38 | 26.74 MiB | [Download](https://huggingface.co/datasets/CyberHarem/san_jacinto_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 17 | 22.19 MiB | [Download](https://huggingface.co/datasets/CyberHarem/san_jacinto_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 38 | 40.53 MiB | [Download](https://huggingface.co/datasets/CyberHarem/san_jacinto_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/san_jacinto_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 17 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, smile, bare_shoulders, playboy_bunny, black_leotard, pantyhose, blush, sideboob, sitting, closed_mouth, detached_collar, wrist_cuffs |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | smile | bare_shoulders | playboy_bunny | black_leotard | pantyhose | blush | sideboob | sitting | closed_mouth | detached_collar | wrist_cuffs |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:--------|:-----------------|:----------------|:----------------|:------------|:--------|:-----------|:----------|:---------------|:------------------|:--------------|
| 0 | 17 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/san_jacinto_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:29:30+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:33:13+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of san\_jacinto/サン・ジャシント/圣哈辛托 (Azur Lane)
=================================================
This is the dataset of san\_jacinto/サン・ジャシント/圣哈辛托 (Azur Lane), containing 17 images and their tags.
The core tags of this character are 'breasts, large\_breasts, purple\_eyes, bangs, short\_hair, white\_hair, animal\_ears, fake\_animal\_ears, rabbit\_ears, bow, tail', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
15f59839236255155a8d12d20082d10cb5a5711b |
# Dataset of carabiniere/カラビニエーレ/龙骑兵 (Azur Lane)
This is the dataset of carabiniere/カラビニエーレ/龙骑兵 (Azur Lane), containing 12 images and their tags.
The core tags of this character are `blonde_hair, purple_eyes, breasts, bangs, curly_hair, hair_between_eyes, hat, short_hair, hairband`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 12 | 16.47 MiB | [Download](https://huggingface.co/datasets/CyberHarem/carabiniere_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 12 | 9.15 MiB | [Download](https://huggingface.co/datasets/CyberHarem/carabiniere_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 26 | 18.82 MiB | [Download](https://huggingface.co/datasets/CyberHarem/carabiniere_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 12 | 14.43 MiB | [Download](https://huggingface.co/datasets/CyberHarem/carabiniere_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 26 | 26.38 MiB | [Download](https://huggingface.co/datasets/CyberHarem/carabiniere_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/carabiniere_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, blush, flower, white_dress, holding, solo_focus, umbrella |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, epaulettes, long_sleeves, white_gloves, garter_straps, saber_(weapon), solo, chick, closed_mouth, holding, looking_at_viewer, multicolored_cape, sheathed, single_thighhigh, animal_on_head, belt, bicorne, black_cape, black_headwear, black_jacket, black_skirt, blue_headwear, cannon, full_body, gun, knee_boots, turret, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | blush | flower | white_dress | holding | solo_focus | umbrella | epaulettes | long_sleeves | white_gloves | garter_straps | saber_(weapon) | solo | chick | closed_mouth | multicolored_cape | sheathed | single_thighhigh | animal_on_head | belt | bicorne | black_cape | black_headwear | black_jacket | black_skirt | blue_headwear | cannon | full_body | gun | knee_boots | turret | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:--------|:---------|:--------------|:----------|:-------------|:-----------|:-------------|:---------------|:---------------|:----------------|:-----------------|:-------|:--------|:---------------|:--------------------|:-----------|:-------------------|:-----------------|:-------|:----------|:-------------|:-----------------|:---------------|:--------------|:----------------|:---------|:------------|:------|:-------------|:---------|:-------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | | | | | |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | | | | X | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/carabiniere_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:38:57+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:43:14+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of carabiniere/カラビニエーレ/龙骑兵 (Azur Lane)
==============================================
This is the dataset of carabiniere/カラビニエーレ/龙骑兵 (Azur Lane), containing 12 images and their tags.
The core tags of this character are 'blonde\_hair, purple\_eyes, breasts, bangs, curly\_hair, hair\_between\_eyes, hat, short\_hair, hairband', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
561f491efe3dd67e079e7a318f65f50712fce8c8 |
# Dataset Card for Evaluation run of andysalerno/openchat-nectar-0.5
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [andysalerno/openchat-nectar-0.5](https://huggingface.co/andysalerno/openchat-nectar-0.5) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_andysalerno__openchat-nectar-0.5",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T14:46:05.051264](https://huggingface.co/datasets/open-llm-leaderboard/details_andysalerno__openchat-nectar-0.5/blob/main/results_2024-01-14T14-46-05.051264.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.656162636449764,
"acc_stderr": 0.03183140048341385,
"acc_norm": 0.6568859855566402,
"acc_norm_stderr": 0.03248609595939316,
"mc1": 0.3574051407588739,
"mc1_stderr": 0.01677659967672941,
"mc2": 0.5215263336816769,
"mc2_stderr": 0.015319650015486606
},
"harness|arc:challenge|25": {
"acc": 0.6305460750853242,
"acc_stderr": 0.014104578366491892,
"acc_norm": 0.6672354948805461,
"acc_norm_stderr": 0.013769863046192309
},
"harness|hellaswag|10": {
"acc": 0.6392152957578172,
"acc_stderr": 0.004792467255899766,
"acc_norm": 0.835291774546903,
"acc_norm_stderr": 0.003701589571274316
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.35,
"acc_stderr": 0.0479372485441102,
"acc_norm": 0.35,
"acc_norm_stderr": 0.0479372485441102
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6518518518518519,
"acc_stderr": 0.041153246103369526,
"acc_norm": 0.6518518518518519,
"acc_norm_stderr": 0.041153246103369526
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.6907894736842105,
"acc_stderr": 0.037610708698674805,
"acc_norm": 0.6907894736842105,
"acc_norm_stderr": 0.037610708698674805
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.66,
"acc_stderr": 0.04760952285695237,
"acc_norm": 0.66,
"acc_norm_stderr": 0.04760952285695237
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.7056603773584905,
"acc_stderr": 0.02804918631569525,
"acc_norm": 0.7056603773584905,
"acc_norm_stderr": 0.02804918631569525
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.7708333333333334,
"acc_stderr": 0.03514697467862388,
"acc_norm": 0.7708333333333334,
"acc_norm_stderr": 0.03514697467862388
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.51,
"acc_stderr": 0.05024183937956912,
"acc_norm": 0.51,
"acc_norm_stderr": 0.05024183937956912
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.55,
"acc_stderr": 0.05,
"acc_norm": 0.55,
"acc_norm_stderr": 0.05
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.39,
"acc_stderr": 0.04902071300001975,
"acc_norm": 0.39,
"acc_norm_stderr": 0.04902071300001975
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6705202312138728,
"acc_stderr": 0.03583901754736412,
"acc_norm": 0.6705202312138728,
"acc_norm_stderr": 0.03583901754736412
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.39215686274509803,
"acc_stderr": 0.04858083574266345,
"acc_norm": 0.39215686274509803,
"acc_norm_stderr": 0.04858083574266345
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.75,
"acc_stderr": 0.04351941398892446,
"acc_norm": 0.75,
"acc_norm_stderr": 0.04351941398892446
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.5957446808510638,
"acc_stderr": 0.032081157507886836,
"acc_norm": 0.5957446808510638,
"acc_norm_stderr": 0.032081157507886836
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.4649122807017544,
"acc_stderr": 0.04692008381368909,
"acc_norm": 0.4649122807017544,
"acc_norm_stderr": 0.04692008381368909
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.5862068965517241,
"acc_stderr": 0.04104269211806232,
"acc_norm": 0.5862068965517241,
"acc_norm_stderr": 0.04104269211806232
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.42063492063492064,
"acc_stderr": 0.025424835086924,
"acc_norm": 0.42063492063492064,
"acc_norm_stderr": 0.025424835086924
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.5238095238095238,
"acc_stderr": 0.04467062628403273,
"acc_norm": 0.5238095238095238,
"acc_norm_stderr": 0.04467062628403273
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.27,
"acc_stderr": 0.044619604333847394,
"acc_norm": 0.27,
"acc_norm_stderr": 0.044619604333847394
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.7870967741935484,
"acc_stderr": 0.02328766512726854,
"acc_norm": 0.7870967741935484,
"acc_norm_stderr": 0.02328766512726854
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5024630541871922,
"acc_stderr": 0.035179450386910616,
"acc_norm": 0.5024630541871922,
"acc_norm_stderr": 0.035179450386910616
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.73,
"acc_stderr": 0.044619604333847394,
"acc_norm": 0.73,
"acc_norm_stderr": 0.044619604333847394
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.7878787878787878,
"acc_stderr": 0.031922715695483016,
"acc_norm": 0.7878787878787878,
"acc_norm_stderr": 0.031922715695483016
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.7828282828282829,
"acc_stderr": 0.029376616484945627,
"acc_norm": 0.7828282828282829,
"acc_norm_stderr": 0.029376616484945627
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.8963730569948186,
"acc_stderr": 0.02199531196364424,
"acc_norm": 0.8963730569948186,
"acc_norm_stderr": 0.02199531196364424
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.6794871794871795,
"acc_stderr": 0.02366129639396428,
"acc_norm": 0.6794871794871795,
"acc_norm_stderr": 0.02366129639396428
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.3851851851851852,
"acc_stderr": 0.02967090612463088,
"acc_norm": 0.3851851851851852,
"acc_norm_stderr": 0.02967090612463088
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.6932773109243697,
"acc_stderr": 0.02995382389188704,
"acc_norm": 0.6932773109243697,
"acc_norm_stderr": 0.02995382389188704
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.3443708609271523,
"acc_stderr": 0.03879687024073327,
"acc_norm": 0.3443708609271523,
"acc_norm_stderr": 0.03879687024073327
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8532110091743119,
"acc_stderr": 0.015173141845126255,
"acc_norm": 0.8532110091743119,
"acc_norm_stderr": 0.015173141845126255
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.5138888888888888,
"acc_stderr": 0.03408655867977749,
"acc_norm": 0.5138888888888888,
"acc_norm_stderr": 0.03408655867977749
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8382352941176471,
"acc_stderr": 0.02584501798692692,
"acc_norm": 0.8382352941176471,
"acc_norm_stderr": 0.02584501798692692
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.8185654008438819,
"acc_stderr": 0.025085961144579647,
"acc_norm": 0.8185654008438819,
"acc_norm_stderr": 0.025085961144579647
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7040358744394619,
"acc_stderr": 0.030636591348699824,
"acc_norm": 0.7040358744394619,
"acc_norm_stderr": 0.030636591348699824
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.7709923664122137,
"acc_stderr": 0.036853466317118506,
"acc_norm": 0.7709923664122137,
"acc_norm_stderr": 0.036853466317118506
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.8016528925619835,
"acc_stderr": 0.03640118271990947,
"acc_norm": 0.8016528925619835,
"acc_norm_stderr": 0.03640118271990947
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.7685185185185185,
"acc_stderr": 0.04077494709252627,
"acc_norm": 0.7685185185185185,
"acc_norm_stderr": 0.04077494709252627
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.7668711656441718,
"acc_stderr": 0.0332201579577674,
"acc_norm": 0.7668711656441718,
"acc_norm_stderr": 0.0332201579577674
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.45535714285714285,
"acc_stderr": 0.047268355537191,
"acc_norm": 0.45535714285714285,
"acc_norm_stderr": 0.047268355537191
},
"harness|hendrycksTest-management|5": {
"acc": 0.8155339805825242,
"acc_stderr": 0.03840423627288276,
"acc_norm": 0.8155339805825242,
"acc_norm_stderr": 0.03840423627288276
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.8888888888888888,
"acc_stderr": 0.020588491316092375,
"acc_norm": 0.8888888888888888,
"acc_norm_stderr": 0.020588491316092375
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.78,
"acc_stderr": 0.04163331998932262,
"acc_norm": 0.78,
"acc_norm_stderr": 0.04163331998932262
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.8339719029374202,
"acc_stderr": 0.013306478243066302,
"acc_norm": 0.8339719029374202,
"acc_norm_stderr": 0.013306478243066302
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7543352601156069,
"acc_stderr": 0.023176298203992,
"acc_norm": 0.7543352601156069,
"acc_norm_stderr": 0.023176298203992
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.27039106145251396,
"acc_stderr": 0.01485499393801009,
"acc_norm": 0.27039106145251396,
"acc_norm_stderr": 0.01485499393801009
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.7549019607843137,
"acc_stderr": 0.02463004897982478,
"acc_norm": 0.7549019607843137,
"acc_norm_stderr": 0.02463004897982478
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7106109324758842,
"acc_stderr": 0.025755865922632945,
"acc_norm": 0.7106109324758842,
"acc_norm_stderr": 0.025755865922632945
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.7561728395061729,
"acc_stderr": 0.023891879541959603,
"acc_norm": 0.7561728395061729,
"acc_norm_stderr": 0.023891879541959603
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.475177304964539,
"acc_stderr": 0.02979071924382972,
"acc_norm": 0.475177304964539,
"acc_norm_stderr": 0.02979071924382972
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.4934810951760104,
"acc_stderr": 0.012769150688867503,
"acc_norm": 0.4934810951760104,
"acc_norm_stderr": 0.012769150688867503
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.7279411764705882,
"acc_stderr": 0.02703304115168146,
"acc_norm": 0.7279411764705882,
"acc_norm_stderr": 0.02703304115168146
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.6797385620915033,
"acc_stderr": 0.018875682938069443,
"acc_norm": 0.6797385620915033,
"acc_norm_stderr": 0.018875682938069443
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.6636363636363637,
"acc_stderr": 0.04525393596302506,
"acc_norm": 0.6636363636363637,
"acc_norm_stderr": 0.04525393596302506
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7551020408163265,
"acc_stderr": 0.02752963744017493,
"acc_norm": 0.7551020408163265,
"acc_norm_stderr": 0.02752963744017493
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.845771144278607,
"acc_stderr": 0.025538433368578337,
"acc_norm": 0.845771144278607,
"acc_norm_stderr": 0.025538433368578337
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.86,
"acc_stderr": 0.03487350880197768,
"acc_norm": 0.86,
"acc_norm_stderr": 0.03487350880197768
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5301204819277109,
"acc_stderr": 0.03885425420866767,
"acc_norm": 0.5301204819277109,
"acc_norm_stderr": 0.03885425420866767
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8245614035087719,
"acc_stderr": 0.02917088550072767,
"acc_norm": 0.8245614035087719,
"acc_norm_stderr": 0.02917088550072767
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3574051407588739,
"mc1_stderr": 0.01677659967672941,
"mc2": 0.5215263336816769,
"mc2_stderr": 0.015319650015486606
},
"harness|winogrande|5": {
"acc": 0.8208366219415943,
"acc_stderr": 0.010777949156047986
},
"harness|gsm8k|5": {
"acc": 0.6815769522365428,
"acc_stderr": 0.012832225723075413
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_andysalerno__openchat-nectar-0.5 | [
"region:us"
] | 2024-01-14T14:48:31+00:00 | {"pretty_name": "Evaluation run of andysalerno/openchat-nectar-0.5", "dataset_summary": "Dataset automatically created during the evaluation run of model [andysalerno/openchat-nectar-0.5](https://huggingface.co/andysalerno/openchat-nectar-0.5) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_andysalerno__openchat-nectar-0.5\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T14:46:05.051264](https://huggingface.co/datasets/open-llm-leaderboard/details_andysalerno__openchat-nectar-0.5/blob/main/results_2024-01-14T14-46-05.051264.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.656162636449764,\n \"acc_stderr\": 0.03183140048341385,\n \"acc_norm\": 0.6568859855566402,\n \"acc_norm_stderr\": 0.03248609595939316,\n \"mc1\": 0.3574051407588739,\n \"mc1_stderr\": 0.01677659967672941,\n \"mc2\": 0.5215263336816769,\n \"mc2_stderr\": 0.015319650015486606\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.6305460750853242,\n \"acc_stderr\": 0.014104578366491892,\n \"acc_norm\": 0.6672354948805461,\n \"acc_norm_stderr\": 0.013769863046192309\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6392152957578172,\n \"acc_stderr\": 0.004792467255899766,\n \"acc_norm\": 0.835291774546903,\n \"acc_norm_stderr\": 0.003701589571274316\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.35,\n \"acc_stderr\": 0.0479372485441102,\n \"acc_norm\": 0.35,\n \"acc_norm_stderr\": 0.0479372485441102\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6518518518518519,\n \"acc_stderr\": 0.041153246103369526,\n \"acc_norm\": 0.6518518518518519,\n \"acc_norm_stderr\": 0.041153246103369526\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.6907894736842105,\n \"acc_stderr\": 0.037610708698674805,\n \"acc_norm\": 0.6907894736842105,\n \"acc_norm_stderr\": 0.037610708698674805\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.66,\n \"acc_stderr\": 0.04760952285695237,\n \"acc_norm\": 0.66,\n \"acc_norm_stderr\": 0.04760952285695237\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.7056603773584905,\n \"acc_stderr\": 0.02804918631569525,\n \"acc_norm\": 0.7056603773584905,\n \"acc_norm_stderr\": 0.02804918631569525\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.7708333333333334,\n \"acc_stderr\": 0.03514697467862388,\n \"acc_norm\": 0.7708333333333334,\n \"acc_norm_stderr\": 0.03514697467862388\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.51,\n \"acc_stderr\": 0.05024183937956912,\n \"acc_norm\": 0.51,\n \"acc_norm_stderr\": 0.05024183937956912\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.55,\n \"acc_stderr\": 0.05,\n \"acc_norm\": 0.55,\n \"acc_norm_stderr\": 0.05\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.39,\n \"acc_stderr\": 0.04902071300001975,\n \"acc_norm\": 0.39,\n \"acc_norm_stderr\": 0.04902071300001975\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6705202312138728,\n \"acc_stderr\": 0.03583901754736412,\n \"acc_norm\": 0.6705202312138728,\n \"acc_norm_stderr\": 0.03583901754736412\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.39215686274509803,\n \"acc_stderr\": 0.04858083574266345,\n \"acc_norm\": 0.39215686274509803,\n \"acc_norm_stderr\": 0.04858083574266345\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.75,\n \"acc_stderr\": 0.04351941398892446,\n \"acc_norm\": 0.75,\n \"acc_norm_stderr\": 0.04351941398892446\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.5957446808510638,\n \"acc_stderr\": 0.032081157507886836,\n \"acc_norm\": 0.5957446808510638,\n \"acc_norm_stderr\": 0.032081157507886836\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.4649122807017544,\n \"acc_stderr\": 0.04692008381368909,\n \"acc_norm\": 0.4649122807017544,\n \"acc_norm_stderr\": 0.04692008381368909\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.5862068965517241,\n \"acc_stderr\": 0.04104269211806232,\n \"acc_norm\": 0.5862068965517241,\n \"acc_norm_stderr\": 0.04104269211806232\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.42063492063492064,\n \"acc_stderr\": 0.025424835086924,\n \"acc_norm\": 0.42063492063492064,\n \"acc_norm_stderr\": 0.025424835086924\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.5238095238095238,\n \"acc_stderr\": 0.04467062628403273,\n \"acc_norm\": 0.5238095238095238,\n \"acc_norm_stderr\": 0.04467062628403273\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.27,\n \"acc_stderr\": 0.044619604333847394,\n \"acc_norm\": 0.27,\n \"acc_norm_stderr\": 0.044619604333847394\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.7870967741935484,\n \"acc_stderr\": 0.02328766512726854,\n \"acc_norm\": 0.7870967741935484,\n \"acc_norm_stderr\": 0.02328766512726854\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5024630541871922,\n \"acc_stderr\": 0.035179450386910616,\n \"acc_norm\": 0.5024630541871922,\n \"acc_norm_stderr\": 0.035179450386910616\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.73,\n \"acc_stderr\": 0.044619604333847394,\n \"acc_norm\": 0.73,\n \"acc_norm_stderr\": 0.044619604333847394\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.7878787878787878,\n \"acc_stderr\": 0.031922715695483016,\n \"acc_norm\": 0.7878787878787878,\n \"acc_norm_stderr\": 0.031922715695483016\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.7828282828282829,\n \"acc_stderr\": 0.029376616484945627,\n \"acc_norm\": 0.7828282828282829,\n \"acc_norm_stderr\": 0.029376616484945627\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.8963730569948186,\n \"acc_stderr\": 0.02199531196364424,\n \"acc_norm\": 0.8963730569948186,\n \"acc_norm_stderr\": 0.02199531196364424\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.6794871794871795,\n \"acc_stderr\": 0.02366129639396428,\n \"acc_norm\": 0.6794871794871795,\n \"acc_norm_stderr\": 0.02366129639396428\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.3851851851851852,\n \"acc_stderr\": 0.02967090612463088,\n \"acc_norm\": 0.3851851851851852,\n \"acc_norm_stderr\": 0.02967090612463088\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.6932773109243697,\n \"acc_stderr\": 0.02995382389188704,\n \"acc_norm\": 0.6932773109243697,\n \"acc_norm_stderr\": 0.02995382389188704\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.3443708609271523,\n \"acc_stderr\": 0.03879687024073327,\n \"acc_norm\": 0.3443708609271523,\n \"acc_norm_stderr\": 0.03879687024073327\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8532110091743119,\n \"acc_stderr\": 0.015173141845126255,\n \"acc_norm\": 0.8532110091743119,\n \"acc_norm_stderr\": 0.015173141845126255\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.5138888888888888,\n \"acc_stderr\": 0.03408655867977749,\n \"acc_norm\": 0.5138888888888888,\n \"acc_norm_stderr\": 0.03408655867977749\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8382352941176471,\n \"acc_stderr\": 0.02584501798692692,\n \"acc_norm\": 0.8382352941176471,\n \"acc_norm_stderr\": 0.02584501798692692\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.8185654008438819,\n \"acc_stderr\": 0.025085961144579647,\n \"acc_norm\": 0.8185654008438819,\n \"acc_norm_stderr\": 0.025085961144579647\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7040358744394619,\n \"acc_stderr\": 0.030636591348699824,\n \"acc_norm\": 0.7040358744394619,\n \"acc_norm_stderr\": 0.030636591348699824\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.7709923664122137,\n \"acc_stderr\": 0.036853466317118506,\n \"acc_norm\": 0.7709923664122137,\n \"acc_norm_stderr\": 0.036853466317118506\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.8016528925619835,\n \"acc_stderr\": 0.03640118271990947,\n \"acc_norm\": 0.8016528925619835,\n \"acc_norm_stderr\": 0.03640118271990947\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.7685185185185185,\n \"acc_stderr\": 0.04077494709252627,\n \"acc_norm\": 0.7685185185185185,\n \"acc_norm_stderr\": 0.04077494709252627\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.7668711656441718,\n \"acc_stderr\": 0.0332201579577674,\n \"acc_norm\": 0.7668711656441718,\n \"acc_norm_stderr\": 0.0332201579577674\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.45535714285714285,\n \"acc_stderr\": 0.047268355537191,\n \"acc_norm\": 0.45535714285714285,\n \"acc_norm_stderr\": 0.047268355537191\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8155339805825242,\n \"acc_stderr\": 0.03840423627288276,\n \"acc_norm\": 0.8155339805825242,\n \"acc_norm_stderr\": 0.03840423627288276\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.8888888888888888,\n \"acc_stderr\": 0.020588491316092375,\n \"acc_norm\": 0.8888888888888888,\n \"acc_norm_stderr\": 0.020588491316092375\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.78,\n \"acc_stderr\": 0.04163331998932262,\n \"acc_norm\": 0.78,\n \"acc_norm_stderr\": 0.04163331998932262\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.8339719029374202,\n \"acc_stderr\": 0.013306478243066302,\n \"acc_norm\": 0.8339719029374202,\n \"acc_norm_stderr\": 0.013306478243066302\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7543352601156069,\n \"acc_stderr\": 0.023176298203992,\n \"acc_norm\": 0.7543352601156069,\n \"acc_norm_stderr\": 0.023176298203992\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.27039106145251396,\n \"acc_stderr\": 0.01485499393801009,\n \"acc_norm\": 0.27039106145251396,\n \"acc_norm_stderr\": 0.01485499393801009\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.7549019607843137,\n \"acc_stderr\": 0.02463004897982478,\n \"acc_norm\": 0.7549019607843137,\n \"acc_norm_stderr\": 0.02463004897982478\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7106109324758842,\n \"acc_stderr\": 0.025755865922632945,\n \"acc_norm\": 0.7106109324758842,\n \"acc_norm_stderr\": 0.025755865922632945\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.7561728395061729,\n \"acc_stderr\": 0.023891879541959603,\n \"acc_norm\": 0.7561728395061729,\n \"acc_norm_stderr\": 0.023891879541959603\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.475177304964539,\n \"acc_stderr\": 0.02979071924382972,\n \"acc_norm\": 0.475177304964539,\n \"acc_norm_stderr\": 0.02979071924382972\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.4934810951760104,\n \"acc_stderr\": 0.012769150688867503,\n \"acc_norm\": 0.4934810951760104,\n \"acc_norm_stderr\": 0.012769150688867503\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.7279411764705882,\n \"acc_stderr\": 0.02703304115168146,\n \"acc_norm\": 0.7279411764705882,\n \"acc_norm_stderr\": 0.02703304115168146\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.6797385620915033,\n \"acc_stderr\": 0.018875682938069443,\n \"acc_norm\": 0.6797385620915033,\n \"acc_norm_stderr\": 0.018875682938069443\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.6636363636363637,\n \"acc_stderr\": 0.04525393596302506,\n \"acc_norm\": 0.6636363636363637,\n \"acc_norm_stderr\": 0.04525393596302506\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7551020408163265,\n \"acc_stderr\": 0.02752963744017493,\n \"acc_norm\": 0.7551020408163265,\n \"acc_norm_stderr\": 0.02752963744017493\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.845771144278607,\n \"acc_stderr\": 0.025538433368578337,\n \"acc_norm\": 0.845771144278607,\n \"acc_norm_stderr\": 0.025538433368578337\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.86,\n \"acc_stderr\": 0.03487350880197768,\n \"acc_norm\": 0.86,\n \"acc_norm_stderr\": 0.03487350880197768\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5301204819277109,\n \"acc_stderr\": 0.03885425420866767,\n \"acc_norm\": 0.5301204819277109,\n \"acc_norm_stderr\": 0.03885425420866767\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8245614035087719,\n \"acc_stderr\": 0.02917088550072767,\n \"acc_norm\": 0.8245614035087719,\n \"acc_norm_stderr\": 0.02917088550072767\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3574051407588739,\n \"mc1_stderr\": 0.01677659967672941,\n \"mc2\": 0.5215263336816769,\n \"mc2_stderr\": 0.015319650015486606\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.8208366219415943,\n \"acc_stderr\": 0.010777949156047986\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.6815769522365428,\n \"acc_stderr\": 0.012832225723075413\n }\n}\n```", "repo_url": "https://huggingface.co/andysalerno/openchat-nectar-0.5", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|arc:challenge|25_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|gsm8k|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hellaswag|10_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T14-46-05.051264.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["**/details_harness|winogrande|5_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T14-46-05.051264.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T14_46_05.051264", "path": ["results_2024-01-14T14-46-05.051264.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T14-46-05.051264.parquet"]}]}]} | 2024-01-14T14:48:51+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of andysalerno/openchat-nectar-0.5
Dataset automatically created during the evaluation run of model andysalerno/openchat-nectar-0.5 on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T14:46:05.051264(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of andysalerno/openchat-nectar-0.5\n\n\n\nDataset automatically created during the evaluation run of model andysalerno/openchat-nectar-0.5 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T14:46:05.051264(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of andysalerno/openchat-nectar-0.5\n\n\n\nDataset automatically created during the evaluation run of model andysalerno/openchat-nectar-0.5 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T14:46:05.051264(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
185,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of andysalerno/openchat-nectar-0.5\n\n\n\nDataset automatically created during the evaluation run of model andysalerno/openchat-nectar-0.5 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T14:46:05.051264(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.04752349108457565,
0.20787155628204346,
-0.005465931259095669,
0.04135911166667938,
0.0796973928809166,
-0.018236979842185974,
0.041868723928928375,
0.09908647835254669,
0.02990628592669964,
0.18843013048171997,
-0.026237573474645615,
0.10750047117471695,
0.06848116219043732,
0.12021584808826447,
0.027458874508738518,
-0.12140219658613205,
0.02703760378062725,
-0.08490657061338425,
0.10175051540136337,
0.07894029468297958,
0.05731085687875748,
-0.07156040519475937,
0.06462857127189636,
-0.021510550752282143,
0.04150766134262085,
-0.014298134483397007,
-0.07514304667711258,
-0.028403708711266518,
0.09646788984537125,
0.10905802249908447,
0.0352591909468174,
-0.018900781869888306,
0.017892932519316673,
-0.2681427597999573,
0.015532523393630981,
0.08983191102743149,
-0.009334866888821125,
0.03300968185067177,
0.1325349360704422,
-0.0826084241271019,
0.0865531638264656,
-0.017635168507695198,
0.08229860663414001,
0.05840166285634041,
-0.10942436009645462,
-0.1463964581489563,
-0.14764998853206635,
0.0008868110016919672,
0.05427902191877365,
0.044767118990421295,
-0.02799026295542717,
0.1486368179321289,
-0.07341380417346954,
0.050569791346788406,
0.12531839311122894,
-0.09127604961395264,
-0.01740097627043724,
0.04574836418032646,
0.013723696582019329,
0.07141806185245514,
-0.07585761696100235,
-0.02811574377119541,
0.0372280552983284,
0.054371755570173264,
-0.008554929867386818,
0.016385238617658615,
-0.018236255273222923,
0.004728804808109999,
-0.13517743349075317,
-0.13212144374847412,
0.1379077434539795,
0.006466504652053118,
-0.0531756766140461,
-0.17692458629608154,
-0.011779635213315487,
0.012424856424331665,
-0.002141393953934312,
0.00948336161673069,
-0.00522575480863452,
-0.018096771091222763,
0.1033741682767868,
-0.007235197816044092,
-0.10051803290843964,
-0.029282329604029655,
-0.007803014479577541,
0.08436791598796844,
0.024864688515663147,
-0.012054516933858395,
0.014040733687579632,
0.11691610515117645,
0.013314110226929188,
-0.06409735232591629,
-0.07527948170900345,
-0.05440447852015495,
-0.12434052675962448,
-0.03829541802406311,
0.01702512614428997,
-0.06710438430309296,
0.04136902838945389,
0.23619525134563446,
-0.008612819947302341,
0.02996782772243023,
-0.12003158777952194,
0.010319837369024754,
0.11703319847583771,
0.05432584509253502,
-0.07313377410173416,
-0.041699282824993134,
-0.03816898539662361,
0.022088998928666115,
0.03932427614927292,
-0.016654811799526215,
0.010348906740546227,
0.059068188071250916,
0.01952807977795601,
0.12534880638122559,
0.1271684765815735,
0.030603893101215363,
-0.0768796056509018,
-0.018596380949020386,
0.23984506726264954,
-0.14177893102169037,
-0.017580656334757805,
0.021112551912665367,
-0.037389062345027924,
-0.11803797632455826,
0.06756708025932312,
-0.0068555232137441635,
-0.05612576752901077,
0.12906485795974731,
-0.04095489904284477,
-0.07911710441112518,
-0.07384860515594482,
-0.059004418551921844,
0.058017827570438385,
0.014701645821332932,
-0.049891211092472076,
-0.06679446250200272,
-0.10186003148555756,
-0.08310209214687347,
0.03319103270769119,
-0.06918712705373764,
-0.022267229855060577,
0.023955024778842926,
-0.0017771057318896055,
-0.013806058093905449,
-0.013833047822117805,
0.11624656617641449,
-0.06682007014751434,
0.03838879242539406,
-0.010743236169219017,
0.016301767900586128,
0.09569244086742401,
0.03806011751294136,
-0.11508643627166748,
0.07701326161623001,
-0.12513352930545807,
0.10623618960380554,
-0.11821502447128296,
-0.021437322720885277,
-0.11478804051876068,
-0.005792528390884399,
-0.033966369926929474,
0.04463785141706467,
-0.034796494990587234,
0.08809082955121994,
-0.20888659358024597,
-0.00003805183951044455,
0.15984365344047546,
-0.11875954270362854,
-0.07415252178907394,
0.09442052245140076,
-0.045732587575912476,
0.06148350238800049,
0.04417998716235161,
0.09927558153867722,
0.111849844455719,
-0.08647081255912781,
-0.09001731872558594,
-0.06121945008635521,
-0.024177366867661476,
0.16060686111450195,
0.06495889276266098,
-0.08543188124895096,
0.0973433405160904,
0.050612978637218475,
-0.018468154594302177,
-0.0665854662656784,
0.0015678034396842122,
-0.0672212541103363,
-0.021537207067012787,
-0.07138856500387192,
-0.047162916511297226,
-0.003442521672695875,
-0.07261917740106583,
-0.020847951993346214,
-0.08252298831939697,
-0.015522463247179985,
0.10212236642837524,
-0.02429356426000595,
0.012233959510922432,
-0.07627113163471222,
0.031913433223962784,
0.01093409862369299,
0.011052997782826424,
-0.2185332328081131,
-0.08935940265655518,
0.03030809946358204,
-0.21074654161930084,
0.05848491191864014,
0.0335577130317688,
0.009476435370743275,
0.05100050941109657,
-0.0057023800909519196,
0.03403740003705025,
0.023033633828163147,
-0.013772867619991302,
-0.00629483163356781,
-0.14462393522262573,
-0.05054495483636856,
-0.08542610704898834,
0.10118211805820465,
-0.13760940730571747,
-0.012034964747726917,
0.05865964666008949,
0.1494632512331009,
0.021058524027466774,
-0.07968457043170929,
0.056902091950178146,
0.009968599304556847,
-0.04330039769411087,
-0.05026356503367424,
-0.007418113294988871,
-0.026974184438586235,
0.034062378108501434,
0.031571127474308014,
-0.19251663982868195,
-0.10151742398738861,
0.06479363143444061,
0.13572551310062408,
-0.0735364556312561,
-0.082379549741745,
-0.06282950192689896,
-0.062227554619312286,
-0.08901305496692657,
-0.06801886111497879,
0.07085379958152771,
0.0907575935125351,
0.04540829733014107,
-0.06830374151468277,
-0.05231517180800438,
0.008991697803139687,
0.05188490077853203,
-0.05863070860505104,
0.11489611119031906,
0.07054702192544937,
-0.07144803553819656,
0.10621678829193115,
-0.05344757065176964,
0.09966586530208588,
0.07896804809570312,
0.02992606721818447,
-0.10167806595563889,
0.007270361762493849,
0.07032329589128494,
0.047609686851501465,
0.06731687486171722,
-0.056928522884845734,
0.04213705658912659,
0.0867881029844284,
-0.01531657949090004,
0.03594982996582985,
-0.06559538096189499,
0.027361929416656494,
0.038731060922145844,
0.004374460317194462,
0.02196216583251953,
0.010538788512349129,
0.020018011331558228,
0.08428558707237244,
0.022464502602815628,
0.09875447303056717,
-0.02308294177055359,
-0.053100891411304474,
-0.10226697474718094,
0.14323775470256805,
-0.07835084199905396,
-0.2748715281486511,
-0.16617010533809662,
-0.05172812566161156,
-0.03358962759375572,
-0.010541687719523907,
0.0630551353096962,
-0.00896977074444294,
-0.10716124624013901,
-0.11320625990629196,
0.047512996941804886,
0.044026874005794525,
-0.13792310655117035,
-0.05028919875621796,
0.0577007457613945,
-0.00809508003294468,
-0.16549471020698547,
0.04195855185389519,
0.04952423647046089,
-0.05989092215895653,
-0.006323754321783781,
0.0712815523147583,
0.1106908768415451,
0.0979917049407959,
0.08189153671264648,
-0.030731765553355217,
-0.0037816085387021303,
0.16339333355426788,
-0.11278073489665985,
0.022426268085837364,
0.10563699901103973,
-0.049580901861190796,
0.06312230974435806,
0.16544374823570251,
0.015695348381996155,
-0.08500801771879196,
0.05740230157971382,
0.09868123382329941,
-0.07311853021383286,
-0.24868962168693542,
-0.1282484084367752,
-0.03493404760956764,
0.021332399919629097,
0.11209174245595932,
0.06880009174346924,
0.03507288545370102,
0.013339724391698837,
-0.12773366272449493,
-0.024475542828440666,
-0.045582424849271774,
0.06900548934936523,
0.06875328719615936,
-0.0036105229519307613,
0.041899558156728745,
-0.04718286916613579,
0.018427774310112,
0.1233968660235405,
0.048714909702539444,
0.1398513913154602,
-0.046208467334508896,
0.1868669092655182,
0.08993948996067047,
0.0746951773762703,
-0.044428370893001556,
0.033163171261548996,
-0.007672606501728296,
0.06377991288900375,
-0.012513500638306141,
-0.108792744576931,
-0.05647758021950722,
0.10040488094091415,
0.03326236456632614,
-0.0772806778550148,
0.03647496923804283,
-0.09331632405519485,
0.03291952982544899,
0.19189497828483582,
-0.032566435635089874,
-0.12183059751987457,
-0.06329262256622314,
0.061299681663513184,
-0.0329715721309185,
-0.09267012774944305,
-0.01078997552394867,
0.08472959697246552,
-0.1467130482196808,
0.016903989017009735,
-0.03445986658334732,
0.07623562961816788,
-0.1295413374900818,
-0.027290930971503258,
-0.03303823620080948,
0.03574373945593834,
-0.0022104820236563683,
0.115495465695858,
-0.1225222796201706,
0.08857155591249466,
-0.004379546735435724,
0.018896065652370453,
-0.112077496945858,
0.05407515913248062,
-0.03453435003757477,
-0.06013713777065277,
0.13091006875038147,
-0.013736186549067497,
-0.0827360451221466,
-0.04470842331647873,
-0.10753519088029861,
-0.009060773998498917,
0.04713311418890953,
-0.09907298535108566,
0.10044866800308228,
0.028767365962266922,
-0.026154644787311554,
-0.03188115730881691,
-0.023971030488610268,
-0.10979452729225159,
-0.24764293432235718,
0.11089882254600525,
-0.12277297675609589,
0.029098380357027054,
-0.06603392958641052,
-0.0517469123005867,
-0.03209267556667328,
0.15546734631061554,
-0.09513558447360992,
-0.05793974548578262,
-0.1049162819981575,
-0.01898605190217495,
0.18286137282848358,
-0.04704168066382408,
0.06198291480541229,
-0.04675491154193878,
0.1881525069475174,
-0.022709675133228302,
-0.038874272257089615,
-0.0072945221327245235,
-0.08843771368265152,
-0.18972337245941162,
-0.05009489879012108,
0.11381424218416214,
0.07782801985740662,
0.020946109667420387,
-0.009440465830266476,
0.011196383275091648,
0.01826530694961548,
-0.0999944806098938,
0.016947483643889427,
0.11848004162311554,
0.12398189306259155,
0.05331144854426384,
-0.02231469377875328,
-0.13014021515846252,
-0.09969663619995117,
-0.10699369013309479,
0.045644938945770264,
0.17672234773635864,
-0.06268806010484695,
0.17295633256435394,
0.15143923461437225,
-0.08779515326023102,
-0.18957659602165222,
-0.058317553251981735,
0.022782808169722557,
-0.025467053055763245,
0.13275817036628723,
-0.1976625770330429,
0.06364145874977112,
0.07805986702442169,
-0.03424539789557457,
0.12256263196468353,
-0.269512414932251,
-0.1387915462255478,
0.03501595929265022,
0.04538247361779213,
-0.23029614984989166,
-0.17493663728237152,
-0.10474054515361786,
-0.0285462848842144,
-0.18612299859523773,
0.13920782506465912,
0.013205096125602722,
0.028708435595035553,
-0.02130340412259102,
0.08634849637746811,
0.05559264495968819,
-0.07067553699016571,
0.13235501945018768,
-0.020567575469613075,
0.017594708129763603,
-0.10707241296768188,
-0.03379041701555252,
-0.010153447277843952,
-0.04242490977048874,
0.07627589255571365,
0.016206322237849236,
0.049736134707927704,
-0.0760493129491806,
-0.039467014372348785,
-0.07443132996559143,
0.04841509088873863,
-0.07511161267757416,
-0.05372261255979538,
-0.07932575047016144,
0.08207971602678299,
0.08669361472129822,
-0.006128591485321522,
0.02641422115266323,
-0.051177531480789185,
0.04998796433210373,
0.21271386742591858,
0.100190669298172,
0.04902346059679985,
-0.09639617055654526,
-0.0372963473200798,
-0.01562570407986641,
-0.009261581115424633,
-0.11146941781044006,
0.04637828841805458,
0.08106610924005508,
0.04702556133270264,
0.0881294384598732,
-0.026399843394756317,
-0.179643914103508,
0.0002072717616101727,
0.07512103766202927,
-0.0830886960029602,
-0.19951118528842926,
0.04453866928815842,
0.15710817277431488,
-0.15364108979701996,
-0.07588841766119003,
0.07389650493860245,
0.021542837843298912,
-0.0342387855052948,
-0.001271875691600144,
0.0770258903503418,
0.0551481768488884,
0.10276549309492111,
0.007432044018059969,
0.04733206704258919,
-0.07459864765405655,
0.0832996517419815,
0.13879597187042236,
-0.11017481237649918,
0.007224308326840401,
0.03230871260166168,
-0.04822691157460213,
-0.06869682669639587,
-0.007060946896672249,
0.003414673963561654,
0.01649484783411026,
-0.035702671855688095,
0.027900176122784615,
-0.03041762113571167,
0.06341187655925751,
0.13325105607509613,
-0.0019955739844590425,
0.0507352314889431,
0.02246267907321453,
0.00126366235781461,
-0.06004999577999115,
0.0973193347454071,
0.02793082967400551,
0.04701794683933258,
-0.03180434927344322,
0.023252401500940323,
0.019163716584444046,
-0.023693077266216278,
0.02117236703634262,
-0.054553963243961334,
-0.06312492489814758,
0.005776525940746069,
-0.17312105000019073,
0.06251765042543411,
-0.08526050299406052,
0.0060691917315125465,
-0.00022809949587099254,
-0.021520206704735756,
-0.005807527340948582,
0.007434146478772163,
-0.08180397748947144,
-0.043868228793144226,
-0.046092189848423004,
0.13291281461715698,
-0.19466863572597504,
0.001861417549662292,
0.09474875032901764,
-0.07280033826828003,
0.06264545768499374,
-0.007176086772233248,
-0.024487221613526344,
0.028412705287337303,
-0.12941531836986542,
0.0016672546043992043,
-0.022113487124443054,
0.06302181631326675,
0.011356215924024582,
-0.13228780031204224,
-0.014580399729311466,
0.005580810364335775,
-0.07528339326381683,
-0.010515556670725346,
0.027107052505016327,
-0.15717695653438568,
0.06345447152853012,
0.08572308719158173,
-0.05079079419374466,
-0.043956659734249115,
0.047382570803165436,
0.04751662537455559,
-0.0059158229269087315,
0.09799308329820633,
-0.0046737403608858585,
0.02784016542136669,
-0.14749370515346527,
-0.045121848583221436,
0.0021385520230978727,
0.015712721273303032,
0.04569283872842789,
0.02193327434360981,
0.018974140286445618,
0.014485062099993229,
0.23840349912643433,
-0.020768379792571068,
0.033834248781204224,
0.020383957773447037,
-0.011779014952480793,
-0.016283715143799782,
0.025806402787566185,
0.015734843909740448,
-0.0077976202592253685,
0.025083458051085472,
0.022156110033392906,
-0.039650190621614456,
-0.06089727208018303,
-0.025440305471420288,
0.07009914517402649,
0.13434776663780212,
0.14808037877082825,
-0.04154906049370766,
0.06334415078163147,
-0.15990178287029266,
-0.05237511545419693,
0.01291516050696373,
-0.050853386521339417,
0.05089178681373596,
-0.07850393652915955,
0.07024551928043365,
0.08122379332780838,
-0.09300415962934494,
0.1516578644514084,
-0.054043855518102646,
-0.02382466197013855,
-0.03381319344043732,
-0.1687975376844406,
-0.03576662391424179,
0.034453969448804855,
0.0013123531825840473,
-0.084335096180439,
0.12185078114271164,
0.12967869639396667,
-0.009040255099534988,
-0.003710268996655941,
0.08807279914617538,
-0.06423139572143555,
-0.05102761834859848,
-0.03573799133300781,
0.0008236534195020795,
0.011600608006119728,
0.00244875717908144,
0.07420416921377182,
0.01417427696287632,
0.06564145535230637,
0.07650522142648697,
0.10794433951377869,
0.028484400361776352,
0.010310369543731213,
-0.03896435350179672,
-0.04858884587883949,
0.0038371251430362463,
-0.02291921339929104,
-0.052234895527362823,
0.2167542725801468,
0.05059557035565376,
0.017599325627088547,
0.016670413315296173,
0.22278203070163727,
-0.007357186172157526,
-0.06707380712032318,
-0.13164828717708588,
0.1281553953886032,
-0.0015198038890957832,
0.016874253749847412,
0.031191973015666008,
-0.11588747799396515,
0.026669349521398544,
0.1557719111442566,
0.09223736077547073,
0.05398045480251312,
0.013648186810314655,
0.039796747267246246,
0.024479331448674202,
-0.034372635185718536,
0.05634017288684845,
0.021621035411953926,
0.24774914979934692,
-0.053819864988327026,
0.08596770465373993,
0.0001343116455245763,
0.00196934025734663,
-0.027846302837133408,
0.09652972966432571,
-0.057111162692308426,
0.01605755276978016,
-0.07226141542196274,
0.09099283814430237,
-0.0684901550412178,
-0.26360365748405457,
0.00015125380014069378,
-0.07523617893457413,
-0.14096370339393616,
-0.009530065581202507,
0.030404631048440933,
-0.02391422726213932,
0.04671876132488251,
0.030360879376530647,
-0.0293465293943882,
0.17645688354969025,
-0.002476370893418789,
-0.07530044764280319,
-0.0715438649058342,
0.06504780799150467,
-0.019342659041285515,
0.2974114418029785,
0.002053010743111372,
0.06646382808685303,
0.08926084637641907,
-0.015885040163993835,
-0.13313709199428558,
0.02435394749045372,
0.09328150004148483,
-0.0581640787422657,
0.06184189021587372,
0.16320005059242249,
-0.02863922342658043,
0.13550494611263275,
0.03640532121062279,
-0.02223508059978485,
0.07317610830068588,
0.0771043673157692,
0.0481962189078331,
-0.10263125598430634,
0.06936431676149368,
-0.09468775987625122,
0.13002827763557434,
0.10570717602968216,
-0.011862571351230145,
-0.01209096796810627,
-0.05974529683589935,
0.06081727519631386,
-0.03662727773189545,
0.1443517953157425,
-0.023028481751680374,
-0.16120955348014832,
0.049941111356019974,
0.02354528196156025,
0.06614025682210922,
-0.2413877546787262,
-0.05504433810710907,
0.10804528743028641,
-0.050329625606536865,
0.016127774491906166,
0.08621100336313248,
0.039787232875823975,
0.024864619597792625,
-0.05569963529706001,
-0.13159634172916412,
0.016591528430581093,
0.12319106608629227,
-0.07862616330385208,
-0.03790082037448883
] |
a770c37d5f32150de99ea297d2d1e9448298c809 |
# Dataset of magdeburg/マクデブルク/马格德堡 (Azur Lane)
This is the dataset of magdeburg/マクデブルク/马格德堡 (Azur Lane), containing 15 images and their tags.
The core tags of this character are `black_hair, horns, long_hair, breasts, multicolored_hair, red_eyes, bangs, hair_between_eyes, red_hair, large_breasts, very_long_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:--------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 15 | 20.72 MiB | [Download](https://huggingface.co/datasets/CyberHarem/magdeburg_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 15 | 12.38 MiB | [Download](https://huggingface.co/datasets/CyberHarem/magdeburg_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 35 | 25.24 MiB | [Download](https://huggingface.co/datasets/CyberHarem/magdeburg_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 15 | 18.46 MiB | [Download](https://huggingface.co/datasets/CyberHarem/magdeburg_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 35 | 35.90 MiB | [Download](https://huggingface.co/datasets/CyberHarem/magdeburg_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/magdeburg_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 15 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, solo, navel, open_mouth, smile, looking_at_viewer, black_bikini, blush, nail_polish, thighhighs, cleavage, cloud, o-ring_bikini, outdoors, see-through, sky, tied_shirt |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | solo | navel | open_mouth | smile | looking_at_viewer | black_bikini | blush | nail_polish | thighhighs | cleavage | cloud | o-ring_bikini | outdoors | see-through | sky | tied_shirt |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-------|:--------|:-------------|:--------|:--------------------|:---------------|:--------|:--------------|:-------------|:-----------|:--------|:----------------|:-----------|:--------------|:------|:-------------|
| 0 | 15 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/magdeburg_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:51:17+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:55:01+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of magdeburg/マクデブルク/马格德堡 (Azur Lane)
============================================
This is the dataset of magdeburg/マクデブルク/马格德堡 (Azur Lane), containing 15 images and their tags.
The core tags of this character are 'black\_hair, horns, long\_hair, breasts, multicolored\_hair, red\_eyes, bangs, hair\_between\_eyes, red\_hair, large\_breasts, very\_long\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
28f622caad074d9730f577b24a82fec5e03cdd62 |
# Dataset of andrea_doria/アンドレア・ドーリア/安德烈亚·多利亚 (Azur Lane)
This is the dataset of andrea_doria/アンドレア・ドーリア/安德烈亚·多利亚 (Azur Lane), containing 11 images and their tags.
The core tags of this character are `breasts, drill_hair, large_breasts, long_hair, bangs, ahoge, yellow_eyes, brown_eyes, very_long_hair, brown_hair, hair_intakes`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:-----------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 11 | 18.45 MiB | [Download](https://huggingface.co/datasets/CyberHarem/andrea_doria_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 11 | 9.20 MiB | [Download](https://huggingface.co/datasets/CyberHarem/andrea_doria_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 31 | 22.33 MiB | [Download](https://huggingface.co/datasets/CyberHarem/andrea_doria_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 11 | 15.73 MiB | [Download](https://huggingface.co/datasets/CyberHarem/andrea_doria_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 31 | 34.41 MiB | [Download](https://huggingface.co/datasets/CyberHarem/andrea_doria_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/andrea_doria_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, long_sleeves, looking_at_viewer, smile, cleavage, blush, solo, closed_mouth, green_dress, black_pantyhose, indoors, standing, window |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | long_sleeves | looking_at_viewer | smile | cleavage | blush | solo | closed_mouth | green_dress | black_pantyhose | indoors | standing | window |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:---------------|:--------------------|:--------|:-----------|:--------|:-------|:---------------|:--------------|:------------------|:----------|:-----------|:---------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/andrea_doria_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:51:19+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:55:18+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of andrea\_doria/アンドレア・ドーリア/安德烈亚·多利亚 (Azur Lane)
========================================================
This is the dataset of andrea\_doria/アンドレア・ドーリア/安德烈亚·多利亚 (Azur Lane), containing 11 images and their tags.
The core tags of this character are 'breasts, drill\_hair, large\_breasts, long\_hair, bangs, ahoge, yellow\_eyes, brown\_eyes, very\_long\_hair, brown\_hair, hair\_intakes', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
f19283a231f8c2adcea48920a32fa26a7620596d |
# Dataset of z26/Z26 (Azur Lane)
This is the dataset of z26/Z26 (Azur Lane), containing 13 images and their tags.
The core tags of this character are `long_hair, pink_hair, purple_eyes, very_long_hair, twintails, bangs, hair_between_eyes, hair_ornament, hat, black_headwear, mask_on_head, sidelocks, breasts, fang, peaked_cap, small_breasts`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:--------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 13 | 15.79 MiB | [Download](https://huggingface.co/datasets/CyberHarem/z26_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 13 | 9.42 MiB | [Download](https://huggingface.co/datasets/CyberHarem/z26_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 32 | 19.83 MiB | [Download](https://huggingface.co/datasets/CyberHarem/z26_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 13 | 14.35 MiB | [Download](https://huggingface.co/datasets/CyberHarem/z26_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 32 | 27.28 MiB | [Download](https://huggingface.co/datasets/CyberHarem/z26_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/z26_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, bare_shoulders, looking_at_viewer, sleep_mask, solo, black_shirt, collarbone, short_sleeves, simple_background, white_background, holding, off-shoulder_shirt, short_shorts, :d, blush, crop_top, full_body, hairclip, navel, no_shoes, open_mouth, stuffed_toy, white_socks |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, black_skirt, looking_at_viewer, midriff, miniskirt, navel, solo, boots, capelet, hair_flaps, pleated_skirt, red_gloves, suspender_skirt, ahoge, closed_mouth, full_body, simple_background, socks, v-shaped_eyebrows, white_background, armpits, black_shirt, buttons, crop_top_overhang, frown, outstretched_arm, revealing_clothes, sleeveless_shirt, stomach, thigh_strap, thighs, undershirt |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | bare_shoulders | looking_at_viewer | sleep_mask | solo | black_shirt | collarbone | short_sleeves | simple_background | white_background | holding | off-shoulder_shirt | short_shorts | :d | blush | crop_top | full_body | hairclip | navel | no_shoes | open_mouth | stuffed_toy | white_socks | black_skirt | midriff | miniskirt | boots | capelet | hair_flaps | pleated_skirt | red_gloves | suspender_skirt | ahoge | closed_mouth | socks | v-shaped_eyebrows | armpits | buttons | crop_top_overhang | frown | outstretched_arm | revealing_clothes | sleeveless_shirt | stomach | thigh_strap | thighs | undershirt |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-----------------|:--------------------|:-------------|:-------|:--------------|:-------------|:----------------|:--------------------|:-------------------|:----------|:---------------------|:---------------|:-----|:--------|:-----------|:------------|:-----------|:--------|:-----------|:-------------|:--------------|:--------------|:--------------|:----------|:------------|:--------|:----------|:-------------|:----------------|:-------------|:------------------|:--------|:---------------|:--------|:--------------------|:----------|:----------|:--------------------|:--------|:-------------------|:--------------------|:-------------------|:----------|:--------------|:---------|:-------------|
| 0 | 6 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | | | | | | | | | | | |
| 1 | 6 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | | X | | X | X | | | X | X | | | | | | | X | | X | | | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/z26_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T14:51:19+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T14:55:27+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of z26/Z26 (Azur Lane)
==============================
This is the dataset of z26/Z26 (Azur Lane), containing 13 images and their tags.
The core tags of this character are 'long\_hair, pink\_hair, purple\_eyes, very\_long\_hair, twintails, bangs, hair\_between\_eyes, hair\_ornament, hat, black\_headwear, mask\_on\_head, sidelocks, breasts, fang, peaked\_cap, small\_breasts', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
9e48ba6b3eda5d1715621a299d7d9ab7140d8068 | # Promoter Sequences for Various plant species
The data in this dataset has the promoter sequences for **241 different plant species** and has been used for the pretraining step of [`Florabert`](https://huggingface.co/Gurveer05/FloraBERT). It has been created by processing the raw fasta files and the gff3 / gff files from [`Ensembl`](https://plants.ensembl.org/) and [`Refseq`](https://www.ncbi.nlm.nih.gov/refseq/).
*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.
The data has been split into train and test data (90-10 split). In all, there are ~ 10 million sequences across the split files. The steps followed to obtain this data are available in this [`Github Repository`](https://github.com/gurveervirk/florabert). | Gurveer05/plant-promoter-sequences | [
"size_categories:10M<n<100M",
"biology",
"region:us"
] | 2024-01-14T15:03:50+00:00 | {"size_categories": ["10M<n<100M"], "tags": ["biology"]} | 2024-01-14T17:26:56+00:00 | [] | [] | TAGS
#size_categories-10M<n<100M #biology #region-us
| # Promoter Sequences for Various plant species
The data in this dataset has the promoter sequences for 241 different plant species and has been used for the pretraining step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 / gff files from 'Ensembl' and 'Refseq'.
*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.
The data has been split into train and test data (90-10 split). In all, there are ~ 10 million sequences across the split files. The steps followed to obtain this data are available in this 'Github Repository'. | [
"# Promoter Sequences for Various plant species\n\nThe data in this dataset has the promoter sequences for 241 different plant species and has been used for the pretraining step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 / gff files from 'Ensembl' and 'Refseq'.\n*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.\n\nThe data has been split into train and test data (90-10 split). In all, there are ~ 10 million sequences across the split files. The steps followed to obtain this data are available in this 'Github Repository'."
] | [
"TAGS\n#size_categories-10M<n<100M #biology #region-us \n",
"# Promoter Sequences for Various plant species\n\nThe data in this dataset has the promoter sequences for 241 different plant species and has been used for the pretraining step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 / gff files from 'Ensembl' and 'Refseq'.\n*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.\n\nThe data has been split into train and test data (90-10 split). In all, there are ~ 10 million sequences across the split files. The steps followed to obtain this data are available in this 'Github Repository'."
] | [
21,
168
] | [
"passage: TAGS\n#size_categories-10M<n<100M #biology #region-us \n# Promoter Sequences for Various plant species\n\nThe data in this dataset has the promoter sequences for 241 different plant species and has been used for the pretraining step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 / gff files from 'Ensembl' and 'Refseq'.\n*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.\n\nThe data has been split into train and test data (90-10 split). In all, there are ~ 10 million sequences across the split files. The steps followed to obtain this data are available in this 'Github Repository'."
] | [
-0.09745949506759644,
-0.017584696412086487,
0.002107040025293827,
0.1341356635093689,
0.09590618312358856,
-0.01729864627122879,
-0.11340510845184326,
0.13540403544902802,
-0.04082724079489708,
0.11848019063472748,
0.14109334349632263,
-0.017270071431994438,
-0.007657356094568968,
0.2348921000957489,
-0.01376674696803093,
-0.19556298851966858,
0.01770794205367565,
0.01099169347435236,
-0.04483314976096153,
0.05981723591685295,
0.11078577488660812,
-0.07668906450271606,
0.07638581842184067,
-0.050043318420648575,
-0.24035008251667023,
-0.01972733810544014,
-0.03784535825252533,
-0.008494645357131958,
0.11525771766901016,
0.003854376031085849,
-0.052467767149209976,
-0.028535667806863785,
0.043645020574331284,
0.028635298833251,
0.015108581632375717,
-0.016015443950891495,
0.049484021961688995,
0.04979819804430008,
0.044627413153648376,
0.08429074287414551,
0.012692943215370178,
-0.011557351797819138,
0.004664297215640545,
0.07426320761442184,
-0.09890513122081757,
-0.08676972985267639,
-0.13042259216308594,
-0.05612014979124069,
0.012761970050632954,
0.04750261828303337,
0.01425839215517044,
0.022726640105247498,
-0.06148882955312729,
-0.0076100146397948265,
0.3414902687072754,
-0.10308858752250671,
-0.011802579276263714,
0.12319072335958481,
0.09210172295570374,
0.1713627278804779,
-0.12304206937551498,
0.0018106319475919008,
0.0851585790514946,
0.017764585092663765,
0.08268113434314728,
-0.08466556668281555,
-0.05832599475979805,
-0.028116168454289436,
-0.13914379477500916,
0.02589908242225647,
0.17500372231006622,
0.029765017330646515,
-0.04971865564584732,
-0.14212806522846222,
-0.06463601440191269,
-0.053805939853191376,
0.010782165452837944,
0.0649273693561554,
0.055841147899627686,
-0.030058566480875015,
0.11001645028591156,
-0.005698698572814465,
-0.06709438562393188,
-0.18778792023658752,
-0.061326026916503906,
0.10255732387304306,
-0.019522108137607574,
0.04064929857850075,
0.05806850641965866,
-0.007090269587934017,
-0.1866520345211029,
-0.07966794073581696,
-0.05472959950566292,
-0.10832174867391586,
-0.030397677794098854,
0.02805359661579132,
-0.09856817126274109,
-0.11726336181163788,
0.15614549815654755,
0.11784317344427109,
-0.09550871700048447,
0.04856819659471512,
-0.026502488180994987,
0.04215419292449951,
0.11761540174484253,
0.12351226061582565,
-0.05495692417025566,
0.05354505777359009,
0.0656943991780281,
-0.036744218319654465,
-0.023795299232006073,
0.02938900887966156,
-0.07306353747844696,
-0.07093701511621475,
-0.0780973806977272,
0.08426091074943542,
-0.053159408271312714,
-0.036225028336048126,
-0.059506479650735855,
-0.050747521221637726,
0.11380252987146378,
-0.06064996123313904,
-0.029096154496073723,
0.001522403908893466,
-0.05166781693696976,
0.029062019661068916,
-0.11867159605026245,
-0.10202445089817047,
0.06402380019426346,
-0.04630186781287193,
-0.13676579296588898,
-0.01806051656603813,
0.02419077418744564,
-0.09709662944078445,
-0.019333843141794205,
-0.30418863892555237,
0.04406825080513954,
-0.13955944776535034,
-0.12037114799022675,
-0.07937680184841156,
-0.0567556731402874,
-0.10454998910427094,
0.03651154786348343,
0.0802619457244873,
0.07694880664348602,
-0.04605644941329956,
-0.00732719199731946,
0.0917353630065918,
-0.06145670637488365,
0.009744348004460335,
-0.02061968483030796,
0.13288290798664093,
-0.11566794663667679,
0.024219566956162453,
-0.08533219993114471,
0.04986696317791939,
-0.20142163336277008,
0.06384485214948654,
-0.10521973669528961,
0.21235166490077972,
-0.08632032573223114,
-0.06699156016111374,
-0.03738616406917572,
-0.04523642361164093,
0.00960137601941824,
0.10003360360860825,
-0.13409434258937836,
-0.02178853005170822,
0.15417203307151794,
-0.06499780714511871,
-0.07516029477119446,
0.07277286052703857,
-0.01183287613093853,
0.047401051968336105,
0.025270650163292885,
0.33659547567367554,
0.03894573822617531,
0.07521837204694748,
0.06088625639677048,
0.046831898391246796,
-0.04913587123155594,
-0.13197657465934753,
0.12329943478107452,
-0.08761803060770035,
-0.050536517053842545,
0.05965578556060791,
-0.05734577029943466,
0.051360324025154114,
-0.0059770201332867146,
0.011807199567556381,
-0.029634587466716766,
-0.07648137211799622,
-0.031421076506376266,
-0.008206428028643131,
0.1016111820936203,
-0.05856040120124817,
0.12574899196624756,
-0.1326172649860382,
0.07703287154436111,
-0.06636941432952881,
0.024610420688986778,
0.12339544296264648,
0.0710475966334343,
0.03301383927464485,
0.049390748143196106,
-0.14081381261348724,
0.05579979717731476,
0.12198714166879654,
-0.022664880380034447,
-0.018017521128058434,
-0.034127723425626755,
-0.04917728528380394,
-0.0025101397186517715,
0.059181589633226395,
0.07989950478076935,
-0.036876142024993896,
-0.03908698260784149,
-0.03053881786763668,
-0.08824853599071503,
0.018489046022295952,
-0.049397360533475876,
0.03203260526061058,
-0.10219567269086838,
-0.024403708055615425,
0.04235108941793442,
0.0035639635752886534,
-0.03111374005675316,
-0.0823393166065216,
0.09597599506378174,
0.0021402279380708933,
-0.061990782618522644,
-0.09516933560371399,
0.027351222932338715,
0.010242682881653309,
-0.03584472835063934,
0.0007262430153787136,
0.08813174068927765,
-0.02512933500111103,
0.06175196170806885,
0.16220775246620178,
-0.08718223124742508,
-0.0783476009964943,
-0.08865882456302643,
0.022189633920788765,
-0.05824166536331177,
-0.03925970196723938,
-0.02793891355395317,
-0.014711528085172176,
0.1419229656457901,
-0.136483296751976,
-0.056741103529930115,
0.06893838196992874,
-0.002845286624506116,
0.06472515314817429,
0.1344127058982849,
0.08070220798254013,
-0.22556599974632263,
0.12628388404846191,
0.05568475276231766,
0.10108286887407303,
0.08367165178060532,
-0.08022584766149521,
-0.05983157828450203,
-0.012886743061244488,
0.040292516350746155,
-0.019152184948325157,
0.12645640969276428,
-0.08416414260864258,
-0.058001674711704254,
0.02204851061105728,
0.09823060780763626,
0.056206896901130676,
-0.03119606524705887,
-0.018962737172842026,
0.035066571086645126,
-0.023936860263347626,
0.14579840004444122,
0.013942064717411995,
-0.07671549171209335,
0.09122529625892639,
0.06523973494768143,
-0.03783213347196579,
-0.01853533275425434,
0.04229653254151344,
-0.061384886503219604,
0.22866664826869965,
-0.1079978346824646,
-0.24349217116832733,
-0.06977342069149017,
-0.0591721348464489,
-0.03661587834358215,
0.057743847370147705,
0.035805683583021164,
-0.06168889254331589,
-0.033571116626262665,
-0.06355410069227219,
0.10312427580356598,
-0.12250866740942001,
0.12930725514888763,
0.05876585468649864,
0.02886209823191166,
-0.013488632626831532,
-0.13202770054340363,
0.012974514625966549,
-0.028208503499627113,
0.08717052638530731,
0.06064249947667122,
-0.08523834496736526,
0.13347597420215607,
0.08048900216817856,
0.045558009296655655,
-0.013457810506224632,
-0.025403335690498352,
0.21041293442249298,
-0.02588769979774952,
0.01936473697423935,
0.11480776965618134,
-0.015053336508572102,
-0.03007836453616619,
0.020599037408828735,
0.04171939194202423,
-0.09435337781906128,
0.016882482916116714,
-0.06789495050907135,
-0.1134309321641922,
-0.22111983597278595,
-0.05975325405597687,
-0.05502782016992569,
0.1077275425195694,
0.12042267620563507,
0.06314612925052643,
-0.0014512657653540373,
0.056984733790159225,
0.08446724712848663,
0.05400671437382698,
-0.13523244857788086,
0.032550740987062454,
0.09424620866775513,
-0.03944491967558861,
0.029784133657813072,
0.017527136951684952,
0.05681158974766731,
0.14249689877033234,
-0.09292607754468918,
0.26227110624313354,
0.022947922348976135,
0.2383015751838684,
0.010303663089871407,
0.03132659196853638,
0.029667368158698082,
0.1440293788909912,
-0.07144365459680557,
-0.036723792552948,
-0.04782561585307121,
0.010301132686436176,
0.04393855854868889,
0.03124300390481949,
-0.12330179661512375,
-0.08423390239477158,
-0.08978123217821121,
-0.10197378695011139,
0.06264063715934753,
0.03483869135379791,
0.07791778445243835,
-0.10584347695112228,
-0.051598381251096725,
-0.04468650370836258,
-0.027296654880046844,
-0.05817164108157158,
0.06716305762529373,
0.16579799354076385,
-0.08159954845905304,
-0.03919227048754692,
0.05484915152192116,
0.12870647013187408,
-0.029224254190921783,
0.022931456565856934,
-0.06403182446956635,
0.028072817251086235,
-0.03191065415740013,
0.06548003852367401,
-0.10146226733922958,
0.13350605964660645,
-0.018780840560793877,
-0.09211454540491104,
-0.02716916799545288,
-0.020298706367611885,
-0.03161207213997841,
-0.028729164972901344,
0.09665237367153168,
0.03948090970516205,
-0.04470055177807808,
-0.12704221904277802,
-0.1305490881204605,
-0.06326036155223846,
0.08519245684146881,
-0.052866220474243164,
0.047586943954229355,
0.010219385847449303,
0.015901979058980942,
-0.02012811414897442,
0.05522498860955238,
0.022247139364480972,
-0.07682263106107712,
0.015584268607199192,
0.01314330380409956,
-0.001957621891051531,
0.005011111497879028,
0.04420321434736252,
0.013738680630922318,
0.09086308628320694,
-0.08001355826854706,
-0.08414305746555328,
-0.1340058445930481,
0.15687306225299835,
0.19391821324825287,
-0.027857031673192978,
0.1618186980485916,
-0.0551883764564991,
0.029239904135465622,
-0.007678271736949682,
-0.08567353338003159,
0.11081510782241821,
-0.06406744569540024,
-0.12768131494522095,
-0.058742884546518326,
0.16681534051895142,
-0.005037955939769745,
0.014718971215188503,
0.042397283017635345,
0.03142056241631508,
-0.06908880174160004,
-0.14741311967372894,
0.08302334696054459,
-0.05032101646065712,
0.010997642762959003,
0.08022560179233551,
-0.09178383648395538,
0.06563370674848557,
0.006719868630170822,
-0.1350618600845337,
0.24359343945980072,
0.16029830276966095,
-0.11058168858289719,
0.1014559268951416,
0.06238517537713051,
-0.04907936975359917,
-0.14070618152618408,
0.06811942160129547,
0.0695715919137001,
0.032007936388254166,
-0.012522519566118717,
-0.18752440810203552,
0.12588058412075043,
0.2578822374343872,
0.01717223785817623,
0.12309546768665314,
-0.23970285058021545,
-0.06928320229053497,
0.005738015752285719,
-0.052197687327861786,
0.33619359135627747,
-0.16591070592403412,
-0.06923000514507294,
-0.06337418407201767,
-0.043366316705942154,
0.07100532948970795,
-0.06021249294281006,
0.106001116335392,
-0.10063223540782928,
-0.058678753674030304,
-0.01121279876679182,
-0.020120305940508842,
0.1314527839422226,
0.05038178339600563,
0.06394188851118088,
0.025214344263076782,
0.013765662908554077,
0.1105717197060585,
0.008555950596928596,
0.13229058682918549,
-0.009416717104613781,
0.10843031853437424,
-0.047566819936037064,
-0.017967332154512405,
-0.043784063309431076,
0.041446294635534286,
0.03937792032957077,
-0.0481991283595562,
-0.15649612247943878,
0.02563655376434326,
-0.040541842579841614,
0.011382200755178928,
0.029985645785927773,
0.034744977951049805,
0.0022639199160039425,
0.05150949954986572,
-0.12629105150699615,
-0.10916806757450104,
-0.09283383935689926,
0.012604648247361183,
0.014613918960094452,
0.029880132526159286,
-0.19905760884284973,
0.015414577908813953,
0.12198169529438019,
0.09446528553962708,
0.04228554293513298,
0.06379842013120651,
-0.003975610248744488,
-0.003079394344240427,
0.07094140350818634,
-0.09754246473312378,
-0.05074504017829895,
-0.013087041676044464,
-0.07123082131147385,
-0.07288878411054611,
0.05909543111920357,
0.07316046953201294,
0.02802787721157074,
-0.0374775268137455,
-0.05407436564564705,
0.0028867959044873714,
0.002002321882173419,
0.22957845032215118,
0.06943461298942566,
0.01683950610458851,
-0.1139729842543602,
0.005088640842586756,
0.09002428501844406,
0.10938511043787003,
-0.04670042172074318,
0.16809338331222534,
-0.1290820986032486,
-0.026465756818652153,
0.01817507855594158,
-0.047965992242097855,
-0.07135441899299622,
0.0799347311258316,
-0.09113942086696625,
-0.0706501379609108,
0.01429942436516285,
0.13040365278720856,
0.08598434180021286,
0.05979539081454277,
0.043455906212329865,
-0.050709571689367294,
-0.057919640094041824,
0.004352192860096693,
-0.04812944307923317,
0.12353714555501938,
-0.1021999791264534,
-0.05980889871716499,
-0.037455227226018906,
0.06916198879480362,
-0.045032475143671036,
0.019067997112870216,
-0.17199277877807617,
-0.07482390105724335,
-0.045911844819784164,
0.027627315372228622,
-0.037217218428850174,
-0.022255687043070793,
-0.04763311520218849,
0.06261271983385086,
0.038048550486564636,
0.023439934477210045,
-0.03253453969955444,
-0.08119333535432816,
-0.09491121768951416,
0.08860236406326294,
-0.045752398669719696,
-0.03275345638394356,
0.003586574923247099,
-0.04718602076172829,
0.15006090700626373,
0.085598424077034,
0.04711687192320824,
-0.049277231097221375,
0.027173245325684547,
-0.05742481350898743,
0.1396687775850296,
0.05427085980772972,
0.00492398627102375,
-0.07165958732366562,
-0.031815193593502045,
0.014968309551477432,
0.015351643785834312,
0.023732498288154602,
-0.03412187844514847,
-0.19269633293151855,
0.037723273038864136,
-0.12617303431034088,
0.009779021143913269,
0.010531958192586899,
-0.0799386203289032,
0.07629147171974182,
0.15541039407253265,
0.018902380019426346,
0.0301774013787508,
0.08931086957454681,
-0.11604117602109909,
-0.030380191281437874,
-0.053702205419540405,
-0.15614165365695953,
-0.07743075489997864,
0.04462281987071037,
0.03459414467215538,
-0.0005808225832879543,
0.3586670160293579,
0.10291032493114471,
0.014789165928959846,
0.0077491807751357555,
0.13575434684753418,
0.1658788025379181,
0.0067431507632136345,
0.24435646831989288,
0.06797771900892258,
-0.046311408281326294,
0.008675810880959034,
0.09479596465826035,
0.11792001873254776,
0.026424212381243706,
0.0877615287899971,
0.14455461502075195,
-0.013641943223774433,
-0.049323920160532,
-0.01032987143844366,
-0.08277333527803421,
-0.05392823368310928,
0.04852718487381935,
0.05283740535378456,
0.0731644257903099,
0.016423406079411507,
0.08725235611200333,
-0.01952415704727173,
-0.09959866851568222,
0.06179293617606163,
0.026957165449857712,
-0.07627187669277191,
-0.0483146570622921,
0.060467034578323364,
-0.06037011370062828,
-0.2030646950006485,
-0.039021655917167664,
-0.09528867900371552,
-0.02094547264277935,
0.06158171966671944,
0.02195608615875244,
-0.030347144231200218,
0.08750064671039581,
0.03340655192732811,
-0.11927556991577148,
0.09720161557197571,
0.0027069980278611183,
-0.05452961102128029,
-0.016478434205055237,
0.033213309943675995,
0.029272155836224556,
-0.05182508006691933,
0.004580565262585878,
-0.03744871914386749,
0.009173158556222916,
-0.007374119479209185,
-0.06251818686723709,
-0.03603602945804596,
-0.04723765328526497,
-0.02250467613339424,
-0.10215096175670624,
0.02728281356394291,
0.009464211761951447,
-0.08669278770685196,
-0.0008628947543911636,
0.15711665153503418,
0.034379977732896805,
0.021453674882650375,
0.010897008702158928,
0.0448429137468338,
0.0362091064453125,
-0.018721597269177437,
-0.09203565120697021,
-0.09182597696781158,
-0.027077566832304,
0.24673593044281006,
0.09353993833065033,
-0.035145681351423264,
-0.03480259329080582,
0.015028889290988445,
-0.005144390743225813,
0.0931018590927124,
0.09470582008361816,
0.04879582300782204,
0.18019574880599976,
0.029698174446821213,
-0.02298583835363388,
-0.010922887362539768,
-0.05894593149423599,
-0.1826096922159195,
-0.03989074006676674,
0.09642303735017776,
-0.016945764422416687,
-0.10764160752296448,
0.037133485078811646,
-0.018780464306473732,
-0.03193214535713196,
0.026875488460063934,
-0.12299614399671555,
-0.1236114576458931,
-0.06573930382728577,
-0.117003433406353,
-0.013543331995606422,
0.023221364244818687,
-0.0023899248335510492,
0.08585542440414429,
-0.057750992476940155,
-0.012903859838843346,
-0.1953628808259964,
-0.15663377940654755,
0.10464205592870712,
0.037698086351156235,
0.02264079451560974,
-0.07525912672281265,
0.04393039643764496,
0.009873258881270885,
0.029403651133179665,
-0.21268945932388306,
-0.009304611012339592,
-0.009986018761992455,
-0.0005212705000303686,
0.04408518224954605,
0.04312143847346306,
-0.007211081217974424,
-0.07581155747175217,
-0.028143709525465965,
-0.09542185813188553,
-0.06628921627998352,
0.18809719383716583,
-0.0001684558519627899,
-0.1009567528963089,
-0.026842782273888588,
-0.05123116821050644,
0.11618919670581818,
0.08580992370843887,
-0.07280704379081726,
-0.06548559665679932,
-0.0660967156291008,
0.017852431163191795,
0.058908820152282715,
0.022607024759054184,
-0.10859674215316772,
-0.1984456479549408,
-0.05089755728840828,
0.1287042796611786,
-0.044867318123579025,
-0.10253839194774628,
-0.010901771485805511,
-0.04972948879003525,
0.005534070543944836,
0.010925577953457832,
0.03173573315143585,
0.015586727298796177,
-0.0023436122573912144,
-0.009114935994148254,
-0.022352740168571472,
-0.026979459449648857,
0.03338470682501793,
-0.05448875203728676,
-0.12068295478820801
] |
6f3fb8fcd91ea065cafa081377328757f91641e2 |
# Dataset of friedrich_eckoldt/Z16 (Azur Lane)
This is the dataset of friedrich_eckoldt/Z16 (Azur Lane), containing 11 images and their tags.
The core tags of this character are `black_hair, multicolored_hair, red_eyes, streaked_hair, bangs, breasts, long_hair, white_hair, horns, x-shaped_pupils, symbol-shaped_pupils, two-tone_hair, hair_between_eyes, v-shaped_eyebrows`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:----------------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 11 | 15.98 MiB | [Download](https://huggingface.co/datasets/CyberHarem/friedrich_eckoldt_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 11 | 8.13 MiB | [Download](https://huggingface.co/datasets/CyberHarem/friedrich_eckoldt_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 26 | 17.25 MiB | [Download](https://huggingface.co/datasets/CyberHarem/friedrich_eckoldt_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 11 | 12.94 MiB | [Download](https://huggingface.co/datasets/CyberHarem/friedrich_eckoldt_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 26 | 26.02 MiB | [Download](https://huggingface.co/datasets/CyberHarem/friedrich_eckoldt_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/friedrich_eckoldt_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, looking_at_viewer, solo, navel, black_jacket, bare_shoulders, crop_top, long_sleeves, midriff, stomach, black_thighhighs, iron_cross, off_shoulder, standing, thigh_strap, white_panties, cowboy_shot, open_mouth, red_gloves, simple_background, skindentation, thighs, white_shirt, :d, black_footwear, black_gloves, full_body, open_jacket, sharp_teeth, white_background |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | looking_at_viewer | solo | navel | black_jacket | bare_shoulders | crop_top | long_sleeves | midriff | stomach | black_thighhighs | iron_cross | off_shoulder | standing | thigh_strap | white_panties | cowboy_shot | open_mouth | red_gloves | simple_background | skindentation | thighs | white_shirt | :d | black_footwear | black_gloves | full_body | open_jacket | sharp_teeth | white_background |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:--------------------|:-------|:--------|:---------------|:-----------------|:-----------|:---------------|:----------|:----------|:-------------------|:-------------|:---------------|:-----------|:--------------|:----------------|:--------------|:-------------|:-------------|:--------------------|:----------------|:---------|:--------------|:-----|:-----------------|:---------------|:------------|:--------------|:--------------|:-------------------|
| 0 | 11 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/friedrich_eckoldt_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T15:08:50+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T15:11:51+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of friedrich\_eckoldt/Z16 (Azur Lane)
=============================================
This is the dataset of friedrich\_eckoldt/Z16 (Azur Lane), containing 11 images and their tags.
The core tags of this character are 'black\_hair, multicolored\_hair, red\_eyes, streaked\_hair, bangs, breasts, long\_hair, white\_hair, horns, x-shaped\_pupils, symbol-shaped\_pupils, two-tone\_hair, hair\_between\_eyes, v-shaped\_eyebrows', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
155539f0708c88ca3d1554453ee7d95a900abf85 |
# Dataset of louisville/ルイビル/路易斯维尔 (Azur Lane)
This is the dataset of louisville/ルイビル/路易斯维尔 (Azur Lane), containing 18 images and their tags.
The core tags of this character are `breasts, long_hair, hair_over_one_eye, large_breasts, blue_eyes, braid, bow, animal_ears, fake_animal_ears, hair_ornament, rabbit_ears, pink_hair, huge_breasts, very_long_hair, blue_bow, purple_hair`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:---------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 18 | 28.87 MiB | [Download](https://huggingface.co/datasets/CyberHarem/louisville_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 18 | 16.09 MiB | [Download](https://huggingface.co/datasets/CyberHarem/louisville_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 46 | 35.21 MiB | [Download](https://huggingface.co/datasets/CyberHarem/louisville_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 18 | 25.31 MiB | [Download](https://huggingface.co/datasets/CyberHarem/louisville_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 46 | 51.60 MiB | [Download](https://huggingface.co/datasets/CyberHarem/louisville_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/louisville_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | bare_shoulders, bowtie, cleavage, detached_collar, playboy_bunny, 1girl, looking_at_viewer, white_gloves, blue_leotard, solo, blush, white_pantyhose, official_alternate_costume, strapless_leotard, holding_tray, breast_rest |
| 1 | 5 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, cleavage, long_sleeves, solo, dress, looking_at_viewer, white_gloves, white_thighhighs, blush, frills, garter_straps, simple_background, white_background, bangs, clothes_lift, full_body, lifted_by_self, skirt, smile, white_panties |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | bare_shoulders | bowtie | cleavage | detached_collar | playboy_bunny | 1girl | looking_at_viewer | white_gloves | blue_leotard | solo | blush | white_pantyhose | official_alternate_costume | strapless_leotard | holding_tray | breast_rest | long_sleeves | dress | white_thighhighs | frills | garter_straps | simple_background | white_background | bangs | clothes_lift | full_body | lifted_by_self | skirt | smile | white_panties |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:-----------------|:---------|:-----------|:------------------|:----------------|:--------|:--------------------|:---------------|:---------------|:-------|:--------|:------------------|:-----------------------------|:--------------------|:---------------|:--------------|:---------------|:--------|:-------------------|:---------|:----------------|:--------------------|:-------------------|:--------|:---------------|:------------|:-----------------|:--------|:--------|:----------------|
| 0 | 13 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | | | |
| 1 | 5 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | | | X | | | X | X | X | | X | X | | | | | | X | X | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/louisville_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T15:29:53+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T15:34:10+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of louisville/ルイビル/路易斯维尔 (Azur Lane)
============================================
This is the dataset of louisville/ルイビル/路易斯维尔 (Azur Lane), containing 18 images and their tags.
The core tags of this character are 'breasts, long\_hair, hair\_over\_one\_eye, large\_breasts, blue\_eyes, braid, bow, animal\_ears, fake\_animal\_ears, hair\_ornament, rabbit\_ears, pink\_hair, huge\_breasts, very\_long\_hair, blue\_bow, purple\_hair', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
aadc3836f337cb17823e07dd83cb7d3773af9903 |
# Dataset of matchless/マッチレス/无敌 (Azur Lane)
This is the dataset of matchless/マッチレス/无敌 (Azur Lane), containing 16 images and their tags.
The core tags of this character are `purple_hair, hat, purple_eyes, short_hair, bangs, breasts, beret, black_headwear, ribbon, hair_ornament, rabbit_hair_ornament`, which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by [DeepGHS Team](https://github.com/deepghs)([huggingface organization](https://huggingface.co/deepghs)).
## List of Packages
| Name | Images | Size | Download | Type | Description |
|:-----------------|---------:|:----------|:--------------------------------------------------------------------------------------------------------------------|:-----------|:---------------------------------------------------------------------|
| raw | 16 | 18.62 MiB | [Download](https://huggingface.co/datasets/CyberHarem/matchless_azurlane/resolve/main/dataset-raw.zip) | Waifuc-Raw | Raw data with meta information (min edge aligned to 1400 if larger). |
| 800 | 16 | 10.93 MiB | [Download](https://huggingface.co/datasets/CyberHarem/matchless_azurlane/resolve/main/dataset-800.zip) | IMG+TXT | dataset with the shorter side not exceeding 800 pixels. |
| stage3-p480-800 | 35 | 22.27 MiB | [Download](https://huggingface.co/datasets/CyberHarem/matchless_azurlane/resolve/main/dataset-stage3-p480-800.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
| 1200 | 16 | 16.02 MiB | [Download](https://huggingface.co/datasets/CyberHarem/matchless_azurlane/resolve/main/dataset-1200.zip) | IMG+TXT | dataset with the shorter side not exceeding 1200 pixels. |
| stage3-p480-1200 | 35 | 29.23 MiB | [Download](https://huggingface.co/datasets/CyberHarem/matchless_azurlane/resolve/main/dataset-stage3-p480-1200.zip) | IMG+TXT | 3-stage cropped dataset with the area not less than 480x480 pixels. |
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for [waifuc](https://deepghs.github.io/waifuc/main/tutorials/installation/index.html) loading. If you need this, just run the following code
```python
import os
import zipfile
from huggingface_hub import hf_hub_download
from waifuc.source import LocalSource
# download raw archive file
zip_file = hf_hub_download(
repo_id='CyberHarem/matchless_azurlane',
repo_type='dataset',
filename='dataset-raw.zip',
)
# extract files to your directory
dataset_dir = 'dataset_dir'
os.makedirs(dataset_dir, exist_ok=True)
with zipfile.ZipFile(zip_file, 'r') as zf:
zf.extractall(dataset_dir)
# load the dataset with waifuc
source = LocalSource(dataset_dir)
for item in source:
print(item.image, item.meta['filename'], item.meta['tags'])
```
## List of Clusters
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | Tags |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | 1girl, bare_shoulders, blush, white_dress, looking_at_viewer, smile, solo, choker, collarbone, pink_bow, white_footwear, bag, holding_food, ice_cream_cone, lifebuoy, shoes, tongue_out, bench, bird, brick_floor, closed_mouth, military_hat, off_shoulder, sitting, torpedo_tubes |
| 1 | 9 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | 1girl, looking_at_viewer, solo, bare_shoulders, black_gloves, blush, smile, open_mouth, sleeveless_shirt, pink_skirt, star_(symbol), white_shirt, kneehighs, white_socks, ;d, full_body, mole, one_eye_closed |
### Table Version
| # | Samples | Img-1 | Img-2 | Img-3 | Img-4 | Img-5 | 1girl | bare_shoulders | blush | white_dress | looking_at_viewer | smile | solo | choker | collarbone | pink_bow | white_footwear | bag | holding_food | ice_cream_cone | lifebuoy | shoes | tongue_out | bench | bird | brick_floor | closed_mouth | military_hat | off_shoulder | sitting | torpedo_tubes | black_gloves | open_mouth | sleeveless_shirt | pink_skirt | star_(symbol) | white_shirt | kneehighs | white_socks | ;d | full_body | mole | one_eye_closed |
|----:|----------:|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------------------------------|:--------|:-----------------|:--------|:--------------|:--------------------|:--------|:-------|:---------|:-------------|:-----------|:-----------------|:------|:---------------|:-----------------|:-----------|:--------|:-------------|:--------|:-------|:--------------|:---------------|:---------------|:---------------|:----------|:----------------|:---------------|:-------------|:-------------------|:-------------|:----------------|:--------------|:------------|:--------------|:-----|:------------|:-------|:-----------------|
| 0 | 7 | ![](samples/0/clu0-sample0.png) | ![](samples/0/clu0-sample1.png) | ![](samples/0/clu0-sample2.png) | ![](samples/0/clu0-sample3.png) | ![](samples/0/clu0-sample4.png) | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | X | | | | | | | | | | | | |
| 1 | 9 | ![](samples/1/clu1-sample0.png) | ![](samples/1/clu1-sample1.png) | ![](samples/1/clu1-sample2.png) | ![](samples/1/clu1-sample3.png) | ![](samples/1/clu1-sample4.png) | X | X | X | | X | X | X | | | | | | | | | | | | | | | | | | | X | X | X | X | X | X | X | X | X | X | X | X |
| CyberHarem/matchless_azurlane | [
"task_categories:text-to-image",
"size_categories:n<1K",
"license:mit",
"art",
"not-for-all-audiences",
"region:us"
] | 2024-01-14T15:30:03+00:00 | {"license": "mit", "size_categories": ["n<1K"], "task_categories": ["text-to-image"], "tags": ["art", "not-for-all-audiences"]} | 2024-01-14T15:33:31+00:00 | [] | [] | TAGS
#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us
| Dataset of matchless/マッチレス/无敌 (Azur Lane)
=========================================
This is the dataset of matchless/マッチレス/无敌 (Azur Lane), containing 16 images and their tags.
The core tags of this character are 'purple\_hair, hat, purple\_eyes, short\_hair, bangs, breasts, beret, black\_headwear, ribbon, hair\_ornament, rabbit\_hair\_ornament', which are pruned in this dataset.
Images are crawled from many sites (e.g. danbooru, pixiv, zerochan ...), the auto-crawling system is powered by DeepGHS Team(huggingface organization).
List of Packages
----------------
### Load Raw Dataset with Waifuc
We provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code
List of Clusters
----------------
List of tag clustering result, maybe some outfits can be mined here.
### Raw Text Version
### Table Version
| [
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
"TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n",
"### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.",
"### Raw Text Version",
"### Table Version"
] | [
44,
61,
5,
4
] | [
"passage: TAGS\n#task_categories-text-to-image #size_categories-n<1K #license-mit #art #not-for-all-audiences #region-us \n### Load Raw Dataset with Waifuc\n\n\nWe provide raw dataset (including tagged images) for waifuc loading. If you need this, just run the following code\n\n\nList of Clusters\n----------------\n\n\nList of tag clustering result, maybe some outfits can be mined here.### Raw Text Version### Table Version"
] | [
-0.06056777387857437,
0.1428852677345276,
0.0003680216323118657,
0.11658099293708801,
0.04550790786743164,
0.11912374198436737,
0.16325801610946655,
0.1310805380344391,
0.22002576291561127,
-0.007116112392395735,
0.08005616068840027,
0.025980781763792038,
0.10829687118530273,
0.2076374590396881,
0.02867997996509075,
-0.16697201132774353,
-0.05649708956480026,
0.07042671740055084,
0.08365700393915176,
0.052131183445453644,
0.02592923305928707,
-0.09419567137956619,
0.11179038882255554,
-0.038744717836380005,
-0.12454055994749069,
-0.0585198737680912,
-0.11416282504796982,
0.020839890465140343,
0.013306557200849056,
0.021944720298051834,
0.0962887778878212,
0.03607887402176857,
0.06416051089763641,
-0.12775902450084686,
0.053518541157245636,
-0.039031628519296646,
-0.05270588397979736,
0.02906504087150097,
0.12017025798559189,
0.027798952534794807,
-0.1449868530035019,
-0.04997425153851509,
-0.1341349184513092,
0.10816025733947754,
-0.07523134350776672,
-0.09790360182523727,
-0.04817730933427811,
0.0996984988451004,
0.042856328189373016,
0.028749780729413033,
-0.03289588913321495,
0.06494595110416412,
-0.014109360054135323,
0.050710346549749374,
0.10873549431562424,
-0.17785607278347015,
-0.07059342414140701,
0.21942733228206635,
-0.0003579944896046072,
-0.013852175325155258,
-0.1182907298207283,
0.06007043272256851,
0.07890354096889496,
-0.007255760952830315,
-0.0483785979449749,
-0.0675291121006012,
-0.2758270800113678,
-0.05189996585249901,
-0.02765267714858055,
0.06514670699834824,
0.3095196485519409,
0.11004164814949036,
-0.044782571494579315,
-0.08295935392379761,
-0.006207056809216738,
-0.1193556934595108,
-0.10545776039361954,
0.12395453453063965,
0.015276663936674595,
0.07426527142524719,
-0.09352243691682816,
-0.07516352832317352,
-0.10534942895174026,
-0.103700652718544,
-0.06107666715979576,
-0.08996964991092682,
-0.025395652279257774,
0.04975387454032898,
-0.10508036613464355,
0.04146378114819527,
-0.09813681244850159,
-0.11518322676420212,
-0.023586591705679893,
-0.06460206210613251,
-0.08920851349830627,
-0.003244469640776515,
0.028136789798736572,
-0.047021325677633286,
0.1665882170200348,
0.02307613380253315,
0.006787101272493601,
0.054903190582990646,
-0.0790734738111496,
0.09950575977563858,
0.08764483034610748,
-0.010807367041707039,
-0.07338257133960724,
-0.1363120973110199,
0.0032848292030394077,
-0.06858330965042114,
0.025331854820251465,
-0.005812880117446184,
-0.09158840775489807,
-0.07091861963272095,
-0.20385250449180603,
0.029226383194327354,
0.026076046749949455,
0.035915788263082504,
-0.03213813155889511,
-0.055013034492731094,
0.1415221393108368,
-0.03551199659705162,
-0.060700494796037674,
0.052139509469270706,
0.0175301693379879,
0.07101588696241379,
0.007796936668455601,
0.043514735996723175,
0.04950962960720062,
-0.06043723225593567,
-0.0906783789396286,
0.007501866668462753,
0.047763608396053314,
-0.0005182523746043444,
0.03197629749774933,
-0.08443576842546463,
-0.03821375593543053,
-0.06656645238399506,
-0.22550716996192932,
0.02256174385547638,
0.02353413961827755,
-0.017254870384931564,
0.014232967048883438,
0.03746093437075615,
0.05370816960930824,
-0.06483131647109985,
0.01682276278734207,
0.054385099560022354,
-0.09712400287389755,
0.03679494559764862,
-0.07082853466272354,
0.14100567996501923,
-0.09166330844163895,
-0.007849487476050854,
-0.07740174978971481,
0.022262275218963623,
-0.05757004767656326,
0.0670338124036789,
-0.06333911418914795,
0.22295083105564117,
-0.07540173828601837,
0.032030586153268814,
-0.11676698178052902,
-0.015747088938951492,
-0.040550898760557175,
0.20228023827075958,
-0.24980899691581726,
0.023733986541628838,
0.129234179854393,
-0.08680058270692825,
-0.15893028676509857,
0.09782561659812927,
0.02804521657526493,
0.07385969907045364,
-0.00993076991289854,
0.25308701395988464,
0.012529200874269009,
-0.04170221835374832,
-0.08124548941850662,
0.10193389654159546,
-0.026082845404744148,
-0.09846335649490356,
0.0927167758345604,
-0.011336571536958218,
-0.04001680016517639,
0.008216693997383118,
0.11369086802005768,
0.03300970792770386,
-0.046763066202402115,
-0.13178405165672302,
-0.020311659201979637,
-0.12312270700931549,
0.0332891009747982,
0.06242886185646057,
0.03571641445159912,
-0.0020737831946462393,
0.033886831253767014,
-0.19188402593135834,
0.12185350060462952,
-0.02300534024834633,
-0.012298239395022392,
-0.03587689250707626,
0.049544982612133026,
-0.1096111610531807,
-0.005026396829634905,
-0.03297613188624382,
-0.07528192549943924,
0.04695576801896095,
0.032161809504032135,
0.032974738627672195,
-0.07662955671548843,
0.05971444770693779,
0.014818688854575157,
-0.05143161863088608,
0.09137671440839767,
0.07852409034967422,
-0.05769677832722664,
-0.04769500717520714,
-0.09088637679815292,
-0.07534419745206833,
-0.0575183741748333,
0.06557203829288483,
-0.17107561230659485,
-0.01024219486862421,
0.11067692935466766,
0.025439640507102013,
0.040017906576395035,
-0.06062997505068779,
0.17756298184394836,
-0.030585208907723427,
-0.06190725415945053,
-0.040943559259176254,
0.09769701957702637,
-0.019157059490680695,
-0.04555562138557434,
0.01052568107843399,
0.0861014872789383,
-0.023098904639482498,
0.15354815125465393,
-0.02755286730825901,
-0.09308218210935593,
-0.09194192290306091,
-0.043686799705028534,
-0.026820935308933258,
-0.10422000288963318,
0.03991572558879852,
-0.061963386833667755,
0.002163912169635296,
0.027012988924980164,
-0.006405688356608152,
0.030585767701268196,
0.02778414450585842,
0.05820842087268829,
-0.021298304200172424,
-0.032607581466436386,
0.109773650765419,
-0.1722910851240158,
0.1114993542432785,
0.13196797668933868,
0.034958865493535995,
0.21729564666748047,
-0.018764061853289604,
-0.008318998850882053,
0.010340031236410141,
0.036444034427404404,
-0.015703804790973663,
0.18439458310604095,
-0.24826371669769287,
0.028264425694942474,
0.0849744975566864,
-0.09788601845502853,
0.0013086525723338127,
-0.08047153800725937,
-0.07494150102138519,
-0.027035990729928017,
-0.08268488943576813,
-0.022495487704873085,
0.021848194301128387,
-0.0510525181889534,
-0.002697830554097891,
-0.0159380491822958,
0.047126319259405136,
0.01982598379254341,
-0.05365948751568794,
-0.04728511720895767,
0.09874521940946579,
0.03765644133090973,
-0.05380381643772125,
-0.0917879045009613,
-0.12539927661418915,
-0.14941422641277313,
0.019937308505177498,
0.04021664708852768,
-0.1369117796421051,
-0.01622610352933407,
-0.05658677592873573,
0.0059041837230324745,
0.07515611499547958,
0.02750200405716896,
-0.011549362912774086,
-0.027613000944256783,
-0.056971535086631775,
-0.10828518867492676,
0.03546522557735443,
-0.025793982669711113,
-0.04754815250635147,
0.0729597732424736,
-0.11063029617071152,
0.13915611803531647,
0.10513068735599518,
0.06019572541117668,
0.07167352735996246,
-0.020455900579690933,
0.16666162014007568,
-0.1135433241724968,
0.07949472218751907,
0.05714169144630432,
0.01617315225303173,
-0.0033850963227450848,
0.1392807960510254,
0.07822858542203903,
-0.11485456675291061,
0.01649930700659752,
0.0659264624118805,
-0.10927750170230865,
-0.13765156269073486,
-0.08919930458068848,
-0.1098841056227684,
0.14360472559928894,
0.10543306916952133,
0.055094171315431595,
-0.008754521608352661,
0.19365760684013367,
-0.012459862045943737,
0.11629821360111237,
-0.060265135020017624,
-0.001182127045467496,
-0.0967511311173439,
0.028548067435622215,
0.015706980600953102,
-0.13472138345241547,
-0.020705696195364,
0.13436934351921082,
0.11988531053066254,
0.17751117050647736,
0.05756404623389244,
0.1669720560312271,
0.0620209239423275,
0.08739733695983887,
0.0973203033208847,
0.09824824333190918,
-0.003385010873898864,
-0.01174256019294262,
-0.009840509854257107,
-0.11808888614177704,
0.12640166282653809,
0.008536653593182564,
0.03328922018408775,
-0.07603447884321213,
0.041852522641420364,
-0.19561190903186798,
0.08676237612962723,
0.2662656307220459,
0.13238421082496643,
-0.2130252569913864,
0.02187363989651203,
0.057548727840185165,
0.10131470859050751,
-0.04166566953063011,
0.03863963857293129,
0.15180446207523346,
-0.044378504157066345,
0.14485260844230652,
-0.03934125602245331,
0.13761593401432037,
-0.08993841707706451,
-0.002561005996540189,
0.028425363823771477,
-0.052699554711580276,
-0.049131326377391815,
0.04007065296173096,
0.08406958729028702,
0.20620964467525482,
0.06231911480426788,
0.02514495514333248,
-0.052091311663389206,
-0.09191302955150604,
0.1411287933588028,
0.1319933533668518,
0.19725032150745392,
0.004370573908090591,
0.11569846421480179,
-0.11193177849054337,
-0.09768734127283096,
0.03489493206143379,
0.01887678913772106,
-0.0481451116502285,
-0.0058238268829882145,
0.08338964730501175,
-0.0011851191520690918,
-0.020514076575636864,
0.2429020255804062,
-0.15395450592041016,
-0.028766348958015442,
-0.018185274675488472,
0.20947031676769257,
0.03476950153708458,
0.05297542363405228,
-0.0028412239626049995,
-0.0919366404414177,
0.12701071798801422,
0.009368033148348331,
-0.0467972531914711,
-0.07945683598518372,
-0.07607144862413406,
0.07295151054859161,
0.0033908793702721596,
-0.019113952293992043,
-0.06424721330404282,
0.057646963745355606,
-0.07576420903205872,
-0.08068043738603592,
0.02056441828608513,
-0.027442919090390205,
-0.036279067397117615,
-0.0699404925107956,
-0.03204023838043213,
-0.07006490975618362,
0.007021276280283928,
0.00880422256886959,
0.008445353247225285,
0.025229379534721375,
-0.1443626582622528,
0.06101659685373306,
-0.07046619057655334,
-0.0022374021355062723,
0.1308000385761261,
-0.04215288162231445,
-0.014171579852700233,
-0.030100012198090553,
-0.04281031712889671,
0.18909983336925507,
0.1812591701745987,
-0.10724806040525436,
-0.00840049423277378,
0.12792575359344482,
-0.024788103997707367,
-0.3187218904495239,
-0.0044951667077839375,
-0.0730748325586319,
-0.032930366694927216,
0.025424007326364517,
-0.15653270483016968,
0.1306859701871872,
0.085330069065094,
-0.05402332916855812,
0.19986344873905182,
-0.15700657665729523,
-0.10088611394166946,
0.07355795800685883,
0.09669850766658783,
0.15795643627643585,
-0.21399495005607605,
-0.03792818263173103,
-0.08970680832862854,
-0.22459501028060913,
0.1646786779165268,
-0.2396935224533081,
0.156635120511055,
-0.020555861294269562,
-0.025779446586966515,
-0.007073562126606703,
-0.022447878494858742,
0.1552649736404419,
0.13479048013687134,
0.08684605360031128,
-0.04376395419239998,
0.007372909691184759,
0.10759281367063522,
-0.01300759892910719,
0.0799500122666359,
-0.055568937212228775,
-0.044278986752033234,
-0.1711588203907013,
-0.003979063127189875,
0.017878515645861626,
0.07270903885364532,
0.0418451763689518,
-0.08257319033145905,
-0.11704827100038528,
0.05039593577384949,
-0.029647110030055046,
0.056016530841588974,
0.2601388692855835,
0.0009578251629136503,
0.06289535760879517,
0.1650095134973526,
0.015400785021483898,
-0.007668273523449898,
-0.15260030329227448,
-0.06366822123527527,
-0.07826440036296844,
0.09279736131429672,
-0.20341956615447998,
0.009507115930318832,
0.06797578185796738,
0.07756782323122025,
0.06056210398674011,
0.06808006018400192,
0.025644270703196526,
0.11793660372495651,
0.11555102467536926,
-0.014873293228447437,
-0.14824643731117249,
-0.01621919870376587,
-0.24955067038536072,
-0.0752980038523674,
-0.0320480577647686,
0.026848237961530685,
0.016784338280558586,
0.06355622410774231,
-0.0030241634231060743,
0.021652499213814735,
-0.07937014847993851,
0.06967651098966599,
0.054862674325704575,
0.018068386241793633,
-0.12295238673686981,
0.14207366108894348,
0.10010931640863419,
0.04827810451388359,
-0.08624263107776642,
0.12117664515972137,
-0.05673356354236603,
-0.1370745450258255,
-0.01682531088590622,
0.11165004968643188,
0.00014100936823524535,
0.0004935812903568149,
0.02096729353070259,
-0.03333625569939613,
-0.042932625859975815,
0.03048074245452881,
0.06342718750238419,
-0.010729954577982426,
0.07596728205680847,
-0.10791993141174316,
-0.04687481373548508,
0.024307526648044586,
0.014110393822193146,
0.06940905749797821,
-0.12563923001289368,
-0.04805508255958557,
0.007414479274302721,
0.13298064470291138,
-0.0728113055229187,
-0.0738530308008194,
-0.13202457129955292,
-0.0027793431654572487,
-0.1338719129562378,
0.11949334293603897,
-0.11953870952129364,
0.01482993084937334,
-0.05028591305017471,
0.011604771949350834,
-0.10020553320646286,
-0.04508832097053528,
-0.06261864304542542,
0.0044020903296768665,
0.03626343607902527,
0.10994866490364075,
-0.005957553628832102,
-0.008207251317799091,
0.030091965571045876,
-0.018999403342604637,
0.06955747306346893,
-0.029411084949970245,
-0.07538049668073654,
-0.04806162416934967,
-0.1989845335483551,
-0.04527199640870094,
0.003410330507904291,
0.03321712836623192,
0.004623680375516415,
0.15833838284015656,
-0.03707785904407501,
-0.08590704202651978,
0.04353218153119087,
0.0652938038110733,
0.2666322886943817,
-0.10946350544691086,
-0.03649890422821045,
-0.13939198851585388,
0.020626481622457504,
-0.012075553648173809,
-0.004263607785105705,
0.13064728677272797,
0.08477837592363358,
0.034025806933641434,
-0.01924707368016243,
0.08928635716438293,
-0.1535450667142868,
0.014840158633887768,
-0.033418234437704086,
-0.07545237988233566,
0.007907957769930363,
-0.014803584665060043,
0.00814065895974636,
-0.046861518174409866,
0.25522497296333313,
-0.046116817742586136,
-0.05723104625940323,
-0.017082147300243378,
0.08544308692216873,
0.0047895824536681175,
-0.06947914510965347,
0.2634406089782715,
0.04018643870949745,
-0.0039778598584234715,
-0.013495702296495438,
0.099449522793293,
0.05957156792283058,
0.09271302074193954,
0.1058599203824997,
0.06516046077013016,
-0.1121901348233223,
0.04891026020050049,
0.03695819526910782,
-0.1004725843667984,
0.04338885098695755,
0.08166947215795517,
0.07950348407030106,
0.08240049332380295,
-0.057370375841856,
-0.17359165847301483,
0.14249111711978912,
-0.06677894294261932,
0.07965173572301865,
0.036392319947481155,
-0.02797710709273815,
-0.06319268047809601,
-0.08678070455789566,
-0.045195501297712326,
-0.09141606837511063,
0.04105047509074211,
-0.026313280686736107,
-0.06289491057395935,
0.1199011281132698,
0.05083626136183739,
0.04622003808617592,
0.16335052251815796,
-0.10374338924884796,
-0.000652807648293674,
0.056707024574279785,
0.008289371617138386,
-0.10799606889486313,
-0.09240186959505081,
-0.0015545097412541509,
0.07335227727890015,
-0.11094158887863159,
-0.036993179470300674,
0.01751025952398777,
0.020582405850291252,
0.052113957703113556,
-0.05165733024477959,
-0.10801023244857788,
-0.08909494429826736,
0.010169940069317818,
0.022660668939352036,
0.059437211602926254,
0.06114402785897255,
0.03039679490029812,
0.00011986211757175624,
-0.017174091190099716,
-0.0006339222309179604,
-0.0059051793068647385,
-0.1025652214884758,
0.03840850293636322,
-0.10034070909023285,
-0.07313410192728043,
-0.030885927379131317,
-0.08101606369018555,
0.02300078421831131,
0.3453886806964874,
0.20442481338977814,
-0.08212518692016602,
0.021090539172291756,
0.042666252702474594,
0.003516490338370204,
0.003060156712308526,
0.10731480270624161,
-0.04813481867313385,
0.10991828143596649,
-0.022141344845294952,
-0.0197146013379097,
-0.01260988600552082,
-0.09692873060703278,
-0.10128097236156464,
0.0002710081171244383,
0.07393507659435272,
0.015493339858949184,
-0.07097756117582321,
0.15805882215499878,
-0.1830165982246399,
0.06653062254190445,
0.1936807632446289,
-0.07987210899591446,
-0.06747440993785858,
-0.07793527841567993,
-0.13487623631954193,
0.1091650128364563,
0.004508719313889742,
-0.08995653688907623,
0.08238770812749863,
-0.024726303294301033,
0.017737194895744324,
-0.1950419843196869,
-0.06308768689632416,
-0.02741464227437973,
-0.15539702773094177,
0.26015955209732056,
-0.04986026510596275,
-0.008282771334052086,
0.033257730305194855,
-0.036555565893650055,
-0.11852088570594788,
0.045155368745326996,
-0.009476977400481701,
0.09040364623069763,
-0.05746915936470032,
0.07197123765945435,
-0.08917789906263351,
0.011704953387379646,
-0.005678537767380476,
0.012317708693444729,
0.013050038367509842,
0.18221138417720795,
0.03749677911400795,
-0.04659546539187431,
-0.006557867396622896,
-0.05775422975420952,
0.10418994724750519,
0.07276900857686996,
-0.046183012425899506,
-0.07196108251810074,
0.001075794454663992,
0.07309549301862717,
0.03212188556790352,
-0.19071587920188904,
-0.10896573960781097,
-0.07350149750709534,
-0.06297793984413147,
-0.07585617899894714,
-0.0067582991905510426,
-0.1431884467601776,
0.013586513698101044,
-0.027436701580882072,
0.009041723795235157,
-0.029728572815656662,
0.0315636545419693,
0.21211880445480347,
-0.03636613115668297,
-0.01574229821562767,
-0.19566787779331207,
0.05434812232851982,
-0.007541419006884098,
-0.10589005053043365,
-0.14510110020637512
] |
3531d9a7a8a01c1619b297a509fb9485b37d80ae |
This is a unfiltered dataset of images scraped from the internet for the Detective Conan character Masumi Sera | 234bcn/masumi_sera_images | [
"language:en",
"region:us"
] | 2024-01-14T15:41:22+00:00 | {"language": ["en"], "pretty_name": "Masumi Sera Dataset for AI"} | 2024-01-15T18:38:20+00:00 | [] | [
"en"
] | TAGS
#language-English #region-us
|
This is a unfiltered dataset of images scraped from the internet for the Detective Conan character Masumi Sera | [] | [
"TAGS\n#language-English #region-us \n"
] | [
10
] | [
"passage: TAGS\n#language-English #region-us \n"
] | [
0.003932969179004431,
-0.00030103191966190934,
-0.010348527692258358,
-0.06502217799425125,
0.09060309082269669,
0.07065187394618988,
0.027756214141845703,
0.009915231727063656,
0.2147660106420517,
-0.04389474168419838,
0.08482275158166885,
-0.00810421071946621,
-0.03987783193588257,
-0.05260207876563072,
0.022513503208756447,
-0.26923152804374695,
-0.01739790476858616,
-0.06073024496436119,
0.04387661814689636,
0.03829241544008255,
0.009287393651902676,
-0.04137060418725014,
0.018021052703261375,
-0.047968219965696335,
-0.0450478196144104,
0.12211562693119049,
0.0368700735270977,
-0.02714361622929573,
0.13801279664039612,
0.024955840781331062,
0.20485293865203857,
-0.05976470932364464,
-0.08919014036655426,
-0.31899493932724,
0.015473254024982452,
-0.025929244235157967,
-0.036461520940065384,
-0.030789446085691452,
0.0685511901974678,
-0.12189889699220657,
0.019960034638643265,
0.0875396728515625,
0.0038654841482639313,
0.07992974668741226,
-0.24570222198963165,
-0.12866726517677307,
0.032971035689115524,
-0.10499074310064316,
0.014458483085036278,
0.04674101620912552,
-0.027592701837420464,
0.07694866508245468,
-0.19468596577644348,
0.034580640494823456,
0.03666513413190842,
-0.23464138805866241,
0.030549990013241768,
0.07659266889095306,
0.09085465222597122,
0.2032885104417801,
-0.09746720641851425,
0.08864597231149673,
0.05275265499949455,
0.004348543472588062,
-0.22189787030220032,
-0.09218760579824448,
-0.13630713522434235,
0.1602402627468109,
-0.08499016612768173,
-0.07931912690401077,
0.27607056498527527,
-0.013913342729210854,
0.024625977501273155,
0.07266701012849808,
-0.020504465326666832,
-0.019268248230218887,
0.046593133360147476,
-0.021745862439274788,
-0.02512935921549797,
0.1545594036579132,
0.2180415838956833,
-0.11836712807416916,
-0.13848261535167694,
0.005607661325484514,
-0.2476571500301361,
0.243521049618721,
0.01363731175661087,
0.10842349380254745,
-0.1650954931974411,
-0.027491796761751175,
-0.19710513949394226,
-0.02125256322324276,
0.056979529559612274,
-0.12140525877475739,
-0.01106947846710682,
-0.0005688732489943504,
-0.039566878229379654,
0.01029529981315136,
0.06387106329202652,
0.04742136970162392,
-0.13879986107349396,
0.061212532222270966,
-0.10601885616779327,
0.13819041848182678,
0.09326587617397308,
0.10114739835262299,
0.12868335843086243,
0.02340761199593544,
-0.09597698599100113,
-0.17560745775699615,
-0.046123385429382324,
-0.018237944692373276,
-0.0899546667933464,
0.05277951434254646,
-0.1630924940109253,
0.1411474198102951,
-0.06374850124120712,
-0.0936356857419014,
-0.11330229043960571,
0.08294188976287842,
-0.051302552223205566,
-0.06961347907781601,
-0.03538068011403084,
0.006220693234354258,
0.019380545243620872,
0.1120496541261673,
-0.16087284684181213,
-0.021319568157196045,
-0.0032130589243024588,
0.0038738760631531477,
-0.09251046180725098,
0.02657768502831459,
-0.07370904833078384,
-0.0014076753286644816,
0.03454986587166786,
-0.16808584332466125,
0.05196010693907738,
-0.09321516007184982,
-0.08179789036512375,
-0.01401811558753252,
-0.020521406084299088,
-0.01672612689435482,
0.12230806052684784,
-0.06639816612005234,
0.09400791674852371,
-0.014717338606715202,
-0.0488038994371891,
-0.14263831079006195,
-0.10519648343324661,
0.07752721011638641,
0.004247501026839018,
0.032049085944890976,
-0.18886102735996246,
0.016299959272146225,
-0.11085085570812225,
0.052229829132556915,
-0.08398368209600449,
0.01944245956838131,
-0.033357445150613785,
0.13878406584262848,
0.02708474174141884,
0.09484457969665527,
-0.19650433957576752,
0.12076171487569809,
-0.15263605117797852,
0.20391489565372467,
-0.18244688212871552,
-0.09922819584608078,
0.23349204659461975,
-0.07767748087644577,
-0.0575474388897419,
0.04942641407251358,
0.030344735831022263,
0.047690730541944504,
0.11150319874286652,
0.4079734981060028,
-0.10448605567216873,
-0.07308244705200195,
0.10416532307863235,
0.24396464228630066,
-0.05152958258986473,
-0.02936365269124508,
0.06705455482006073,
-0.16782033443450928,
-0.13346192240715027,
0.020939435809850693,
0.10906142741441727,
0.05068239942193031,
-0.06578066200017929,
-0.06783580034971237,
0.05992523953318596,
0.009318427182734013,
0.12510652840137482,
0.07021553069353104,
0.06840585917234421,
-0.09813185781240463,
0.008482509292662144,
0.038261909037828445,
0.02876940742135048,
0.09933764487504959,
0.02203160710632801,
-0.02761697769165039,
0.02590842731297016,
0.07801224291324615,
0.045258741825819016,
-0.17077280580997467,
-0.06052171438932419,
-0.01598551869392395,
0.19159848988056183,
0.06234486773610115,
0.17291732132434845,
0.07983043044805527,
-0.0932021364569664,
-0.019480405375361443,
0.055776096880435944,
0.05750024691224098,
0.044878385961055756,
0.023454664275050163,
-0.06934119760990143,
0.15591134130954742,
-0.08888780325651169,
-0.09900202602148056,
-0.12280972301959991,
-0.03171766176819801,
0.14986123144626617,
-0.00042058105464093387,
0.06617184728384018,
-0.00544986966997385,
-0.046420615166425705,
0.07659894973039627,
0.04982593283057213,
0.0348455011844635,
0.07554062455892563,
-0.09231560677289963,
-0.05034148320555687,
0.14988204836845398,
-0.11286555975675583,
0.15410557389259338,
0.1775209605693817,
-0.23521734774112701,
0.04537581652402878,
-0.10505819320678711,
-0.0026815820019692183,
0.03249416500329971,
0.10027574747800827,
-0.1077951043844223,
0.08429784327745438,
0.05254441499710083,
0.008400319144129753,
-0.04395514354109764,
0.026142319664359093,
-0.09347210079431534,
-0.0618123821914196,
-0.10571461170911789,
0.13035984337329865,
0.03751512989401817,
-0.08284761011600494,
0.17016103863716125,
0.40539005398750305,
0.11454056203365326,
0.2887175381183624,
-0.09616275876760483,
-0.019419658929109573,
0.06054526939988136,
-0.031419698148965836,
-0.10235769301652908,
0.06337260454893112,
-0.2021767944097519,
-0.03959261626005173,
0.02703799493610859,
0.07631472498178482,
0.09303898364305496,
-0.13168613612651825,
-0.10264837741851807,
-0.058033764362335205,
-0.007347343023866415,
-0.05181340128183365,
-0.004319686908274889,
-0.019432932138442993,
0.017097827047109604,
0.022815462201833725,
-0.06310812383890152,
0.10882949084043503,
-0.03339362144470215,
-0.03490840271115303,
0.06717193126678467,
-0.2637846767902374,
-0.21154259145259857,
-0.10513319075107574,
-0.12794849276542664,
0.03722736984491348,
0.03693094104528427,
0.041392672806978226,
-0.20386585593223572,
-0.021419690921902657,
0.07533133774995804,
0.14845772087574005,
-0.20475290715694427,
-0.11545652151107788,
-0.05126934126019478,
0.0867580845952034,
-0.14324386417865753,
-0.0018707218114286661,
-0.018113553524017334,
-0.07576297223567963,
0.0045935832895338535,
0.031674936413764954,
-0.1824839860200882,
0.0464308075606823,
0.2374476045370102,
0.12564340233802795,
0.03874189406633377,
-0.06603624671697617,
0.1656961888074875,
-0.1565931886434555,
-0.16845190525054932,
0.06832821667194366,
-0.07214789092540741,
0.03647566959261894,
0.21052098274230957,
0.05507843941450119,
-0.09207449108362198,
-0.03224218636751175,
0.00876769982278347,
-0.08442502468824387,
-0.25494006276130676,
-0.1038803681731224,
-0.11285519599914551,
0.12029875814914703,
-0.0580788254737854,
0.06807676702737808,
0.034041788429021835,
-0.1043284460902214,
0.12230916321277618,
-0.12810377776622772,
0.009140272624790668,
-0.015288093127310276,
0.24502168595790863,
-0.10488808900117874,
0.01308565866202116,
-0.055175088346004486,
-0.03143366426229477,
0.11914660036563873,
0.11747139692306519,
0.03576906397938728,
0.2826438844203949,
0.1397920399904251,
0.04042402282357216,
0.033569276332855225,
0.0902029275894165,
-0.0003703885886352509,
0.0437697134912014,
-0.03134249895811081,
-0.02389124222099781,
-0.007977933622896671,
-0.008482270874083042,
0.02011701464653015,
0.18234898149967194,
-0.25729915499687195,
0.026339055970311165,
-0.21914289891719818,
0.09945576637983322,
-0.13236750662326813,
0.13626323640346527,
0.03775695338845253,
0.13060148060321808,
0.12881086766719818,
-0.012621560133993626,
-0.10575426369905472,
0.22414842247962952,
0.07205087691545486,
-0.09930963069200516,
0.02809329330921173,
0.10069769620895386,
0.09860248118638992,
-0.06499694287776947,
0.14197160303592682,
-0.16002225875854492,
-0.1759449541568756,
0.025642210617661476,
0.08076240122318268,
-0.1379738748073578,
0.31254109740257263,
0.04886708781123161,
-0.10594825446605682,
-0.004402535501867533,
-0.08135249465703964,
-0.007970022968947887,
0.16252091526985168,
0.10672211647033691,
0.05562683567404747,
-0.15680816769599915,
-0.13120917975902557,
0.05059430003166199,
-0.028243331238627434,
0.19995371997356415,
0.008016076870262623,
-0.14530479907989502,
-0.03902578726410866,
0.02066456899046898,
-0.07896937429904938,
0.03160209208726883,
-0.03140394762158394,
-0.138636976480484,
-0.00748119642958045,
0.054690469056367874,
0.019247768446803093,
0.018880879506468773,
0.034902963787317276,
-0.03651675581932068,
0.019579678773880005,
-0.0524689182639122,
0.01052723079919815,
-0.07764001190662384,
-0.19783779978752136,
0.11902199685573578,
-0.03630050644278526,
-0.01940278150141239,
-0.06219598278403282,
-0.11467253416776657,
-0.12235236167907715,
-0.04564790055155754,
0.11064772307872772,
-0.016069035977125168,
0.12169747054576874,
-0.04882263392210007,
0.2197246253490448,
-0.055161189287900925,
0.04722336307168007,
-0.042912982404232025,
0.02968018315732479,
-0.02624756470322609,
-0.03664516285061836,
0.12422078102827072,
-0.10931966453790665,
-0.01830114796757698,
0.17294156551361084,
-0.0635308250784874,
0.026381801813840866,
-0.018574895337224007,
-0.12319819629192352,
0.2386053502559662,
0.20487618446350098,
0.06731809675693512,
0.13771148025989532,
0.30539384484291077,
-0.11170884221792221,
-0.22207152843475342,
-0.09183909744024277,
-0.23971377313137054,
-0.033326245844364166,
0.1106162816286087,
-0.22075602412223816,
0.07930626720190048,
0.047389917075634,
-0.03328768536448479,
0.2150535136461258,
-0.20532485842704773,
-0.007799770683050156,
0.1868266612291336,
-0.09745127707719803,
0.44147852063179016,
-0.10751380026340485,
-0.1677248477935791,
-0.03055150993168354,
-0.0580788180232048,
0.07826776802539825,
0.011448959819972515,
0.06274684518575668,
0.025185680016875267,
0.018325701355934143,
0.05154677852988243,
0.015267157927155495,
0.17867819964885712,
-0.017440835013985634,
0.014283793047070503,
-0.04205574840307236,
-0.22130675613880157,
0.05007437244057655,
0.020975694060325623,
-0.11684189736843109,
0.008439990691840649,
-0.07188202440738678,
-0.12537750601768494,
-0.012747062370181084,
-0.07598849385976791,
-0.017588723450899124,
0.05258110910654068,
-0.0166648980230093,
-0.010361175052821636,
0.007383434567600489,
-0.2200145274400711,
0.021417459473013878,
0.2817092835903168,
-0.10364476591348648,
0.11386531591415405,
0.029791507869958878,
0.06565897166728973,
-0.07568345963954926,
0.009084544144570827,
-0.06355754286050797,
-0.01856137625873089,
0.08629001677036285,
-0.07691144943237305,
-0.002523390343412757,
0.12742049992084503,
-0.0641380250453949,
0.08496133238077164,
0.036590028554201126,
-0.059844620525836945,
-0.005139009561389685,
0.12448462098836899,
-0.10811789333820343,
-0.12676456570625305,
-0.06860323250293732,
-0.07697941362857819,
0.11598865687847137,
-0.055870164185762405,
0.09315931797027588,
0.18162818253040314,
0.0043146745301783085,
-0.025839492678642273,
-0.04477866366505623,
-0.09588893502950668,
-0.028326870873570442,
0.061967842280864716,
0.006251294165849686,
-0.07196304947137833,
0.16715386509895325,
0.0699441134929657,
-0.1510707587003708,
-0.05867474898695946,
0.24095915257930756,
-0.04483375325798988,
-0.05816928297281265,
-0.18165135383605957,
0.09324071556329727,
-0.029999801889061928,
-0.08615489304065704,
0.05501214787364006,
-0.07248294353485107,
0.015274700708687305,
0.18582923710346222,
0.015512610785663128,
0.1320994347333908,
-0.0033535987604409456,
-0.03897474333643913,
0.25722536444664,
-0.03204330801963806,
-0.13690118491649628,
-0.08467930555343628,
-0.05126786604523659,
-0.1345808058977127,
-0.032443560659885406,
0.16359476745128632,
-0.0737537071108818,
-0.151324063539505,
-0.25571301579475403,
0.11424374580383301,
-0.1797730177640915,
-0.07217216491699219,
-0.007039393298327923,
-0.0437813363969326,
0.06210901215672493,
-0.025504538789391518,
-0.015118095092475414,
-0.10195113718509674,
-0.165867418050766,
0.09095006436109543,
0.09364796429872513,
0.08626631647348404,
-0.02340683899819851,
0.0005984089220874012,
0.1678795963525772,
0.04429659619927406,
0.11345446854829788,
0.11987137049436569,
-0.023331845179200172,
0.23964759707450867,
-0.11861684173345566,
-0.07055572420358658,
0.12390857934951782,
-0.005793397780507803,
0.05736533924937248,
0.18208034336566925,
-0.11166154593229294,
0.018175775185227394,
0.043876416981220245,
0.03996700048446655,
-0.1265411376953125,
-0.1014174073934555,
0.0169536042958498,
0.04550055041909218,
-0.3069377541542053,
0.015659043565392494,
-0.16502581536769867,
0.15849053859710693,
-0.07204140722751617,
0.03593675419688225,
0.09595756977796555,
0.09263258427381516,
0.07042630761861801,
0.028053032234311104,
0.03710191324353218,
-0.09063458442687988,
0.03668578341603279,
-0.07807251065969467,
-0.00793542806059122,
0.03266013041138649,
0.3371390700340271,
0.022603478282690048,
0.019517432898283005,
0.035220105201005936,
0.10404553264379501,
-0.04970404505729675,
0.023360852152109146,
0.13469716906547546,
0.14091382920742035,
-0.08121156692504883,
-0.14678296446800232,
0.0040816948749125,
-0.034505028277635574,
0.02259788103401661,
0.0715697631239891,
0.08216548711061478,
0.1466267853975296,
0.13351361453533173,
-0.023512111976742744,
0.013478660024702549,
0.03511068969964981,
-0.13312825560569763,
0.11655499041080475,
-0.015629706904292107,
-0.09657640010118484,
0.07434816658496857,
0.1364431530237198,
-0.003981621935963631,
0.0652918741106987,
-0.07745543867349625,
-0.03491691127419472,
-0.15975697338581085,
-0.01864810846745968,
0.037206705659627914,
-0.12463074177503586,
0.030719425529241562,
-0.03285915032029152,
0.05601292476058006,
0.18191564083099365,
0.03857942298054695,
-0.029609426856040955,
0.11236511915922165,
-0.05160187557339668,
-0.1584825962781906,
-0.025349188596010208,
-0.05216408893465996,
0.1871958076953888,
-0.055000126361846924,
-0.0706898495554924,
-0.11707465350627899,
-0.1315315216779709,
-0.07505721598863602,
0.027510320767760277,
-0.09906578063964844,
-0.07984406501054764,
-0.19857542216777802,
-0.04520711302757263,
-0.04435058683156967,
0.14826813340187073,
-0.045752234756946564,
0.17692334949970245,
0.03004288673400879,
0.005301413591951132,
0.03534635156393051,
0.18449468910694122,
0.002153943758457899,
-0.02515694871544838,
0.01779974438250065,
0.0957760214805603,
-0.006510310340672731,
0.17264197766780853,
-0.13212767243385315,
-0.04139487072825432,
-0.04986415430903435,
0.2135648876428604,
0.26399222016334534,
-0.09528645128011703,
-0.027882108464837074,
0.031982261687517166,
0.0768408253788948,
0.10756772756576538,
0.09054888784885406,
0.01134713925421238,
0.27453041076660156,
-0.02151905559003353,
-0.009076662361621857,
0.031601082533597946,
0.014254101552069187,
-0.07191687822341919,
0.03052128478884697,
0.10768072307109833,
-0.04601813107728958,
-0.059960611164569855,
0.17508085072040558,
-0.1974109411239624,
0.22128422558307648,
0.03161980211734772,
-0.20942570269107819,
-0.03298299014568329,
-0.07804448902606964,
0.19948947429656982,
0.011331647634506226,
0.12640385329723358,
-0.02727608196437359,
-0.2492622286081314,
-0.15207263827323914,
0.01133651938289404,
-0.3180166184902191,
-0.20725354552268982,
0.12367703020572662,
0.02949569746851921,
0.046031802892684937,
-0.01497678179293871,
0.03720749542117119,
-0.031160039827227592,
0.08471117168664932,
0.06190364435315132,
0.02616802789270878,
0.025750845670700073,
0.035553622990846634,
-0.17045177519321442,
-0.0031956047751009464,
0.02427735924720764,
-0.018603086471557617,
0.09540651738643646,
-0.022096389904618263,
0.007632482331246138,
0.12829110026359558,
-0.0718126967549324,
0.039019227027893066,
0.024105796590447426,
-0.21566878259181976,
0.015631217509508133,
0.0533846877515316,
0.08179787546396255,
-0.04438396915793419,
-0.010809999890625477,
-0.033559057861566544,
0.025586074218153954,
-0.08523667603731155,
-0.1506023406982422,
0.10721437633037567,
-0.08239623159170151,
0.2704116702079773,
-0.06270918250083923,
-0.0931069403886795,
0.016442928463220596,
-0.005319441668689251,
0.2124360054731369,
-0.1160331442952156,
0.039881642907857895,
0.13458339869976044,
-0.004127898719161749,
0.04802729934453964,
-0.2438599318265915,
0.12271793186664581,
0.0007855924195609987,
-0.0212410781532526,
-0.03156251832842827
] |
3d1bfe3ed7a68e99e2780155b14d38956b76d5ea | # Dataset Card for "real-toxicity-prompts_first_5K"
[More Information needed](https://github.com/huggingface/datasets/blob/main/CONTRIBUTING.md#how-to-contribute-to-the-dataset-cards) | Leogrin/real-toxicity-prompts_first_5K | [
"region:us"
] | 2024-01-14T15:48:57+00:00 | {"configs": [{"config_name": "default", "data_files": [{"split": "train", "path": "data/train-*"}]}], "dataset_info": {"features": [{"name": "filename", "dtype": "string"}, {"name": "begin", "dtype": "int64"}, {"name": "end", "dtype": "int64"}, {"name": "challenging", "dtype": "bool"}, {"name": "prompt", "struct": [{"name": "text", "dtype": "string"}, {"name": "profanity", "dtype": "float64"}, {"name": "sexually_explicit", "dtype": "float64"}, {"name": "identity_attack", "dtype": "float64"}, {"name": "flirtation", "dtype": "float64"}, {"name": "threat", "dtype": "float64"}, {"name": "insult", "dtype": "float64"}, {"name": "severe_toxicity", "dtype": "float64"}, {"name": "toxicity", "dtype": "float64"}]}, {"name": "continuation", "struct": [{"name": "text", "dtype": "string"}, {"name": "severe_toxicity", "dtype": "float64"}, {"name": "toxicity", "dtype": "float64"}, {"name": "profanity", "dtype": "float64"}, {"name": "sexually_explicit", "dtype": "float64"}, {"name": "identity_attack", "dtype": "float64"}, {"name": "flirtation", "dtype": "float64"}, {"name": "threat", "dtype": "float64"}, {"name": "insult", "dtype": "float64"}]}], "splits": [{"name": "train", "num_bytes": 1701249, "num_examples": 5000}], "download_size": 1566036, "dataset_size": 1701249}} | 2024-01-14T15:48:59+00:00 | [] | [] | TAGS
#region-us
| # Dataset Card for "real-toxicity-prompts_first_5K"
More Information needed | [
"# Dataset Card for \"real-toxicity-prompts_first_5K\"\n\nMore Information needed"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for \"real-toxicity-prompts_first_5K\"\n\nMore Information needed"
] | [
6,
24
] | [
"passage: TAGS\n#region-us \n# Dataset Card for \"real-toxicity-prompts_first_5K\"\n\nMore Information needed"
] | [
-0.1146785244345665,
0.020650643855333328,
-0.004675343167036772,
-0.05275064334273338,
0.10860197246074677,
0.07656043022871017,
0.0945117175579071,
0.13187851011753082,
0.17640456557273865,
0.045967746526002884,
0.16035369038581848,
0.08293033391237259,
-0.05693957209587097,
0.3413684368133545,
-0.015679258853197098,
-0.02630010060966015,
0.06927371025085449,
-0.00351625750772655,
-0.009826574474573135,
0.10365233570337296,
0.0660921111702919,
-0.09109704196453094,
0.052447009831666946,
0.00950157456099987,
-0.2367134392261505,
0.1128787025809288,
0.0536925382912159,
-0.042151011526584625,
0.03018563613295555,
-0.10683824867010117,
0.09584406763315201,
-0.0038631330244243145,
0.0364614762365818,
-0.09570223093032837,
0.025871258229017258,
0.009972060099244118,
0.0067380149848759174,
0.09084619581699371,
0.05271660536527634,
-0.1467730849981308,
-0.04972919821739197,
-0.06719030439853668,
0.008386611938476562,
0.04069683700799942,
-0.07556559890508652,
-0.20827701687812805,
-0.04718177393078804,
-0.06261774152517319,
0.12339764833450317,
-0.06648377329111099,
-0.015252341516315937,
0.21890154480934143,
-0.07004791498184204,
0.03699043393135071,
0.16040544211864471,
-0.048402056097984314,
-0.009354903362691402,
0.18184615671634674,
-0.021904123947024345,
0.018706640228629112,
0.02230185456573963,
0.10485322773456573,
0.10980723798274994,
-0.04205590859055519,
-0.02274921163916588,
0.04329773783683777,
-0.013678991235792637,
0.030123304575681686,
-0.06461460143327713,
0.0236115250736475,
0.2600083351135254,
0.040687959641218185,
-0.014130031690001488,
-0.0034122378565371037,
-0.04696058854460716,
-0.23965050280094147,
0.05478093773126602,
-0.08793655782938004,
0.023295419290661812,
-0.04959024861454964,
0.042287860065698624,
0.10021575540304184,
-0.11331513524055481,
-0.11816763877868652,
-0.026216913014650345,
0.025108376517891884,
-0.05673246085643768,
0.15601885318756104,
-0.10212303698062897,
0.013087093830108643,
-0.08991698175668716,
0.0157795287668705,
-0.00024502375163137913,
-0.15717707574367523,
-0.05820149555802345,
-0.035414546728134155,
0.03895760327577591,
-0.013811219483613968,
0.14598020911216736,
0.0002838989603333175,
0.11705771833658218,
-0.003449213458225131,
-0.06388211250305176,
0.01674586348235607,
0.1606619656085968,
-0.17319081723690033,
-0.06333735585212708,
0.04352114349603653,
-0.001523257466033101,
0.044893234968185425,
0.0017857077764347196,
-0.011832723394036293,
-0.07068320363759995,
0.005854777526110411,
-0.02751508727669716,
0.11816345900297165,
-0.0726243183016777,
-0.06107579171657562,
-0.0714457631111145,
0.0014758675824850798,
0.1278425008058548,
-0.03171824663877487,
-0.06333199143409729,
0.09110548347234726,
-0.03072931058704853,
0.09174100309610367,
-0.007806986570358276,
-0.08156809210777283,
0.046928584575653076,
0.10489068180322647,
-0.08665826171636581,
-0.011660105548799038,
-0.1317826509475708,
-0.0160205215215683,
0.025457406416535378,
0.01011946052312851,
0.05151250958442688,
-0.09576079249382019,
-0.14740543067455292,
-0.003942750860005617,
0.05000441521406174,
-0.029176015406847,
0.10265213251113892,
0.01526942104101181,
0.07538639008998871,
-0.029366934671998024,
-0.023165397346019745,
0.06314025819301605,
-0.07018975168466568,
0.016351213678717613,
0.009342486038804054,
0.09927693754434586,
-0.0807395651936531,
0.0012655192986130714,
-0.0843396857380867,
0.01118016242980957,
0.008110024966299534,
-0.07158163189888,
-0.03963455557823181,
0.06210429593920708,
-0.06427730619907379,
-0.01399519294500351,
-0.1843327283859253,
-0.05058257654309273,
0.03047633171081543,
0.16799575090408325,
-0.11379636079072952,
-0.023102156817913055,
0.06650048494338989,
-0.02555842511355877,
-0.11581283807754517,
-0.06747685372829437,
-0.008055531419813633,
0.10997573286294937,
0.03920465335249901,
0.11049363762140274,
0.055587802082300186,
-0.11290355026721954,
-0.018567755818367004,
0.13155503571033478,
-0.20313981175422668,
-0.25359585881233215,
0.033978454768657684,
0.001252962974831462,
-0.19223101437091827,
0.02406214363873005,
0.17518584430217743,
0.04397699981927872,
-0.05095739662647247,
-0.1143525242805481,
-0.04628441482782364,
-0.13597778975963593,
0.04693472757935524,
-0.10865390300750732,
0.03939003497362137,
-0.036308709532022476,
0.061084430664777756,
-0.07668542861938477,
0.08911710977554321,
0.014882512390613556,
-0.0501517616212368,
0.01211941335350275,
0.07370752096176147,
-0.15868842601776123,
-0.020105604082345963,
-0.15822802484035492,
0.04571723937988281,
-0.0024651482235640287,
-0.06459571421146393,
-0.11216864734888077,
-0.044158514589071274,
0.038313128054142,
-0.0043243723921477795,
0.05600699782371521,
0.09719065576791763,
0.11606897413730621,
0.012584310956299305,
0.014298244379460812,
-0.08641542494297028,
0.07482703030109406,
-0.09195791929960251,
-0.03871116414666176,
-0.06309862434864044,
-0.0011216487037017941,
0.03481685370206833,
-0.03201904520392418,
-0.038327064365148544,
-0.004124446772038937,
0.09965308755636215,
-0.1598055511713028,
-0.04877343028783798,
-0.028778687119483948,
-0.018915018066763878,
-0.05730415880680084,
-0.015312747098505497,
-0.10443528741598129,
0.02236313559114933,
0.23528826236724854,
0.11949861794710159,
0.1011258140206337,
0.02295895852148533,
-0.07419338822364807,
-0.07555555552244186,
0.02882676012814045,
-0.18170015513896942,
0.07729485630989075,
-0.2762264609336853,
-0.005583867430686951,
-0.03525470197200775,
-0.013873291201889515,
0.05213385820388794,
0.0857575535774231,
-0.02500620111823082,
-0.06307385861873627,
-0.026072660461068153,
0.05946492403745651,
-0.23308655619621277,
0.010538013651967049,
0.16401325166225433,
0.055553555488586426,
-0.03545369580388069,
0.04747745394706726,
-0.13502323627471924,
-0.09706225246191025,
-0.042258501052856445,
-0.09782618284225464,
0.2781256437301636,
-0.027881354093551636,
0.13563662767410278,
0.03810462728142738,
-0.05789869651198387,
0.0331701934337616,
-0.08076556026935577,
-0.06192158907651901,
-0.09997742623090744,
-0.03402138501405716,
-0.2731001675128937,
0.04444793984293938,
0.012017949484288692,
0.1358751505613327,
-0.0225451048463583,
0.09019886702299118,
0.08404731750488281,
0.005433748941868544,
-0.11590351164340973,
0.19226807355880737,
-0.10977508127689362,
-0.26771309971809387,
0.03820459172129631,
0.031096570193767548,
0.14714275300502777,
0.014277631416916847,
-0.017664819955825806,
-0.26007044315338135,
-0.05496016517281532,
0.055384427309036255,
0.0335465669631958,
-0.0969962477684021,
0.11262015998363495,
0.16146083176136017,
0.04433572664856911,
0.00636965362355113,
-0.04234052449464798,
0.05737295001745224,
-0.12435632944107056,
0.10778234153985977,
0.14151212573051453,
-0.07200212776660919,
0.06674278527498245,
0.13257873058319092,
-0.06186303123831749,
0.07614866644144058,
0.021928932517766953,
0.14040429890155792,
-0.021041687577962875,
-0.02746354043483734,
0.12079381942749023,
-0.04950184002518654,
-0.02013447694480419,
0.02950216829776764,
0.13886362314224243,
-0.0867047905921936,
-0.021806228905916214,
-0.031356338411569595,
-0.17219340801239014,
-0.27490851283073425,
-0.025941867381334305,
0.05862130597233772,
0.02121969871222973,
0.05314407870173454,
0.05906720086932182,
-0.023308059200644493,
0.20247066020965576,
0.11758002638816833,
-0.12319904565811157,
-0.11946523934602737,
-0.014729180373251438,
-0.10617905855178833,
-0.0867842510342598,
0.02741830050945282,
-0.11499873548746109,
-0.04282006621360779,
0.09545936435461044,
0.03746902942657471,
0.3114534020423889,
0.10429615527391434,
-0.04603353142738342,
0.08045784384012222,
0.1162806823849678,
0.10411595553159714,
0.19400951266288757,
0.07723375409841537,
-0.046208061277866364,
-0.007453226018697023,
-0.07245228439569473,
0.08225990831851959,
0.01778535358607769,
-0.02862491086125374,
0.026854364201426506,
0.11126548796892166,
0.05618783086538315,
0.13669836521148682,
-0.123736172914505,
0.06246575340628624,
-0.2350638210773468,
0.10206278413534164,
-0.029153984040021896,
0.2020694464445114,
-0.12283609807491302,
0.06127597391605377,
-0.042733728885650635,
0.015777477994561195,
0.08083421736955643,
-0.12662957608699799,
0.020941268652677536,
0.020168321207165718,
0.07732173800468445,
0.010969503782689571,
-0.08688825368881226,
-0.05981496348977089,
0.11256974190473557,
-0.2762257158756256,
0.11666114628314972,
0.037838585674762726,
-0.027737408876419067,
-0.14863267540931702,
-0.02046080306172371,
0.004602959845215082,
0.013812108896672726,
0.22282564640045166,
0.005867204163223505,
-0.2151098996400833,
-0.06959806382656097,
-0.1855892688035965,
0.007667971774935722,
0.03353637456893921,
0.1025923639535904,
-0.06034854054450989,
0.10598165541887283,
-0.04550984874367714,
-0.023638896644115448,
-0.12697991728782654,
-0.25967705249786377,
0.005030327942222357,
0.0819811075925827,
0.03142097592353821,
-0.21800264716148376,
0.002102307043969631,
-0.023265395313501358,
0.08500363677740097,
0.042847927659749985,
-0.045815955847501755,
-0.05936446785926819,
-0.058004751801490784,
0.15712112188339233,
0.18648946285247803,
-0.010641328990459442,
-0.04296102374792099,
0.017065592110157013,
-0.01214214414358139,
0.0006656151381321251,
-0.20770525932312012,
0.10098766535520554,
-0.11556315422058105,
0.028610050678253174,
-0.11337435990571976,
0.13882113993167877,
0.031225604936480522,
0.017533374950289726,
0.02332412451505661,
-0.07455434650182724,
-0.05302354693412781,
-0.09650421142578125,
0.24090780317783356,
-0.08910363912582397,
-0.05255083739757538,
0.12490123510360718,
-0.02941335365176201,
-0.13109734654426575,
0.025483427569270134,
0.02134818583726883,
0.0330796018242836,
0.12844213843345642,
-0.05881858989596367,
0.0918133407831192,
0.1062634065747261,
-0.04892989993095398,
-0.0868527740240097,
0.2469274252653122,
-0.02445143833756447,
0.030561447143554688,
-0.03152608126401901,
-0.1990078240633011,
0.1942564994096756,
0.14899574220180511,
-0.09302325546741486,
0.34187614917755127,
-0.2303280532360077,
-0.07111354917287827,
0.24399636685848236,
0.04384613037109375,
0.5299500226974487,
-0.060156822204589844,
-0.005679694004356861,
-0.07602909207344055,
-0.018683604896068573,
0.2215518206357956,
-0.16729827225208282,
0.00704719964414835,
-0.006669914815574884,
-0.0014021460665389895,
0.05054761841893196,
-0.08766339719295502,
0.14794446527957916,
0.05666372552514076,
0.107393778860569,
0.02081834152340889,
-0.1859610676765442,
0.1564120501279831,
-0.021699821576476097,
0.14169694483280182,
0.14545990526676178,
-0.0008896019426174462,
0.06751655042171478,
-0.045469723641872406,
0.008764512836933136,
0.07762249559164047,
0.013859232887625694,
-0.10318539291620255,
-0.11529295891523361,
-0.026460181921720505,
-0.0676315650343895,
-0.06258364766836166,
0.02128743939101696,
0.06095060333609581,
-0.02837705984711647,
0.02914494089782238,
-0.03725144639611244,
-0.005172212142497301,
-0.062258441001176834,
0.13435132801532745,
-0.04782114177942276,
0.0671306699514389,
-0.21310515701770782,
0.01116026472300291,
0.12068188935518265,
0.004566676449030638,
-0.06424722075462341,
0.0604717880487442,
-0.09498905390501022,
-0.025911808013916016,
0.24181963503360748,
-0.10030236840248108,
0.06179840490221977,
0.0010718911653384566,
-0.0873497873544693,
-0.07530679553747177,
0.08611609041690826,
0.01278599351644516,
0.014619729481637478,
0.005098996218293905,
-0.014242240227758884,
0.057425886392593384,
-0.061792872846126556,
0.15429803729057312,
0.10878957808017731,
0.04477769508957863,
-0.13680945336818695,
0.15602265298366547,
0.015599936246871948,
-0.008297212421894073,
-0.08584793657064438,
-0.13273084163665771,
-0.060843467712402344,
-0.011523663066327572,
-0.022301433607935905,
0.15200883150100708,
-0.02752792462706566,
-0.06383228302001953,
-0.05246124416589737,
-0.09466264396905899,
-0.007223656866699457,
0.07949324697256088,
0.05624368414282799,
0.07013005018234253,
-0.02224590629339218,
-0.04118935763835907,
-0.11087305098772049,
0.04631763696670532,
-0.07612770050764084,
0.05012104660272598,
-0.04216649383306503,
-0.06004133075475693,
-0.03773859515786171,
0.16976535320281982,
-0.10433030128479004,
-0.024720177054405212,
-0.07624539732933044,
0.005197827238589525,
-0.03705815225839615,
0.01650865562260151,
-0.02167295105755329,
-0.08379736542701721,
0.008353540673851967,
0.10194998979568481,
-0.05396148934960365,
-0.003011278808116913,
-0.07723624259233475,
0.13496431708335876,
0.03909901902079582,
-0.014684313908219337,
-0.09790802747011185,
-0.04826346039772034,
0.00945732370018959,
0.0474274568259716,
0.10824473947286606,
0.17126375436782837,
-0.019583463668823242,
-0.0013224715366959572,
-0.01684143766760826,
-0.02196958288550377,
0.14516979455947876,
0.05397282913327217,
-0.0017622880404815078,
-0.09062077850103378,
0.10022415965795517,
0.053052861243486404,
0.015475698746740818,
0.04298458248376846,
-0.08252032846212387,
-0.07689080387353897,
-0.104281485080719,
-0.15933246910572052,
0.005698773078620434,
0.0419822633266449,
-0.11538668721914291,
0.03409755602478981,
0.0340387262403965,
0.034570008516311646,
0.10895197838544846,
0.00548204779624939,
-0.04122510179877281,
-0.040270477533340454,
-0.008550142869353294,
-0.0819368064403534,
-0.17424634099006653,
0.08614468574523926,
0.03495033085346222,
-0.06256038695573807,
0.4555245637893677,
-0.04718196764588356,
-0.08413049578666687,
-0.00896735955029726,
0.16522303223609924,
-0.06725160032510757,
-0.013515738770365715,
0.21305161714553833,
-0.009988325648009777,
0.012439253740012646,
-0.02451791800558567,
0.0898221954703331,
0.03890788555145264,
-0.06840542703866959,
0.1697694957256317,
0.056498199701309204,
0.135314479470253,
0.04782385751605034,
-0.041845161467790604,
-0.12044636160135269,
0.11165126413106918,
0.013084286823868752,
-0.06808267533779144,
-0.03904195874929428,
0.09450112283229828,
-0.10700894892215729,
0.038352787494659424,
-0.027865035459399223,
-0.009660657495260239,
-0.0702524408698082,
-0.04350653290748596,
-0.2202894389629364,
0.013632138259708881,
-0.02680349536240101,
-0.10642474889755249,
0.060161639004945755,
-0.11270753294229507,
-0.028507966548204422,
0.14423896372318268,
0.05864547938108444,
-0.030996516346931458,
0.19021634757518768,
0.005048812832683325,
0.07022476196289062,
0.0954447090625763,
-0.0003890837833750993,
-0.029744667932391167,
0.011788589879870415,
0.05534176900982857,
0.08122394233942032,
-0.16130879521369934,
-0.004088043235242367,
-0.044659361243247986,
0.043287791311740875,
0.01116205845028162,
-0.056391652673482895,
0.010312104597687721,
-0.0979897677898407,
0.05744493752717972,
-0.005839632824063301,
0.10210326313972473,
-0.018114201724529266,
-0.021078094840049744,
-0.03538719192147255,
0.0916711688041687,
0.015057003125548363,
0.12017282098531723,
-0.03926240652799606,
-0.07331879436969757,
-0.057935189455747604,
0.0595230907201767,
-0.014073498547077179,
-0.012155761942267418,
-0.022610804066061974,
0.11101894080638885,
0.17596685886383057,
0.0061063216999173164,
-0.013430752791464329,
-0.03949494659900665,
0.062368448823690414,
-0.010624856688082218,
0.04264166206121445,
0.09263720363378525,
-0.04283127561211586,
-0.07099433988332748,
0.0008528982289135456,
0.017431393265724182,
-0.0020330355037003756,
-0.04718642309308052,
0.03731492534279823,
0.0899713858962059,
0.009726551361382008,
-0.12739968299865723,
0.09347641468048096,
-0.08662338554859161,
0.2261981964111328,
-0.021973207592964172,
-0.03017568588256836,
-0.13102363049983978,
-0.0004253608640283346,
-0.0072601567953825,
0.012620377354323864,
-0.03318192809820175,
-0.13769879937171936,
-0.030391644686460495,
-0.01870240457355976,
-0.03732364624738693,
-0.2867412865161896,
-0.23230281472206116,
0.03272482752799988,
0.04557809233665466,
0.16143165528774261,
0.06642824411392212,
0.16096007823944092,
0.012991166673600674,
-0.10723397880792618,
-0.14184358716011047,
0.002674449235200882,
-0.05301475524902344,
0.00741382734850049,
0.0201914943754673,
0.0027300112415105104,
0.02038976363837719,
-0.0007284099701792002,
0.05687211453914642,
0.013033605180680752,
-0.03335312008857727,
0.0967538058757782,
0.014669612050056458,
-0.10521827638149261,
0.05348602682352066,
-0.05390538275241852,
0.0889543741941452,
0.021066388115286827,
-0.0831037312746048,
0.033394478261470795,
0.013026892207562923,
0.15129292011260986,
0.06624940782785416,
-0.027787700295448303,
0.023308616131544113,
-0.10005470365285873,
0.02095554769039154,
0.16695928573608398,
0.020048707723617554,
-0.13624589145183563,
-0.022497911006212234,
-0.05887892097234726,
-0.03047216311097145,
-0.048795491456985474,
0.0466105155646801,
0.028748054057359695,
0.13680659234523773,
-0.042446963489055634,
-0.030147040262818336,
0.0012065310729667544,
-0.014148721471428871,
-0.1543431580066681,
-0.13427746295928955
] |
dfccbf5d5206330d074a0d31e1a564b68bf6a4eb |
# DeliData
This is a README that outlines key fields and characteristics of the DeliData corpus.
For full description of how we collected DeliData, as well as possible applications, please refer to the original
paper [link](#citation).
# Data Fields
###### group_id
Unique identifier of the group chat
###### message_id
Message identifier. System messages will have an id of -1, however all participant messages' ids are unique.
###### message_type
INITIAL - indicating the cards presented and aliases of participants;
SUBMIT - indicating that a participant has pressed the Submit Solution button
MESSAGE - noting a chat entry
###### origin
The alias of the participant who submitted a message/solution
###### original_text
Original text as said in the collected conversation;
For INITIAL type, contains the list of participants and cards presented.
For SUBMIT type, contains the cards submitted
###### clean_text
Normalised message, with applied tokenisation, and masking of special tokens. Special tokens are considered solution
mentions, which are masked with < CARD > and participant mentions which are masked with < MENTION >
###### annotation_type
A record from the first level of DeliAnnotation. Can be Probing, Non-probing deliberation, or None. For more details,
please refer to the DeliData paper.
###### annotation_target
A record from the second level of DeliAnnotation. Can be Moderation, Reasoning, Solution, Agree, or Disagree. For more
details, please refer to the DeliData paper.
###### annotation_additional
A record from the third level of DeliAnnotation. Can be partial_solution, complete_solution, specific_referee,
solution_summary, or consider_opposite. For more details, please refer to the DeliData paper.
###### team_performance
An approximation of team performance, based on user submissions, and solution mentions. Range [0-1], where 1 indicates
each participant selecting the correct solution.
###### performance_change
Change of performance based compared to the previous utterance
###### sol_tracker_message
Extracted solution from the current message
###### sol_tracker_all
Up-to-date "state-of-mind" for each of the participants, i.e. an approximation of what each participant think the
correct solution is at given timestep. This is based on initial solutions, submitted solutions, and solution mentions.
team_performance value is calculated based on this column
### Citation
**DeliData A dataset for deliberation in multi-party problem solving (https://delibot.xyz/delidata)**
@article{karadzhov2023delidata,
title={DeliData: A dataset for deliberation in multi-party problem solving},
author={Karadzhov, Georgi and Stafford, Tom and Vlachos, Andreas},
journal={Proceedings of the ACM on Human-Computer Interaction},
volume={7},
number={CSCW2},
pages={1--25},
year={2023},
publisher={ACM New York, NY, USA}
}
| gkaradzhov/DeliData | [
"license:cc-by-4.0",
"region:us"
] | 2024-01-14T16:08:40+00:00 | {"license": "cc-by-4.0"} | 2024-01-14T16:10:42+00:00 | [] | [] | TAGS
#license-cc-by-4.0 #region-us
|
# DeliData
This is a README that outlines key fields and characteristics of the DeliData corpus.
For full description of how we collected DeliData, as well as possible applications, please refer to the original
paper link.
# Data Fields
###### group_id
Unique identifier of the group chat
###### message_id
Message identifier. System messages will have an id of -1, however all participant messages' ids are unique.
###### message_type
INITIAL - indicating the cards presented and aliases of participants;
SUBMIT - indicating that a participant has pressed the Submit Solution button
MESSAGE - noting a chat entry
###### origin
The alias of the participant who submitted a message/solution
###### original_text
Original text as said in the collected conversation;
For INITIAL type, contains the list of participants and cards presented.
For SUBMIT type, contains the cards submitted
###### clean_text
Normalised message, with applied tokenisation, and masking of special tokens. Special tokens are considered solution
mentions, which are masked with < CARD > and participant mentions which are masked with < MENTION >
###### annotation_type
A record from the first level of DeliAnnotation. Can be Probing, Non-probing deliberation, or None. For more details,
please refer to the DeliData paper.
###### annotation_target
A record from the second level of DeliAnnotation. Can be Moderation, Reasoning, Solution, Agree, or Disagree. For more
details, please refer to the DeliData paper.
###### annotation_additional
A record from the third level of DeliAnnotation. Can be partial_solution, complete_solution, specific_referee,
solution_summary, or consider_opposite. For more details, please refer to the DeliData paper.
###### team_performance
An approximation of team performance, based on user submissions, and solution mentions. Range [0-1], where 1 indicates
each participant selecting the correct solution.
###### performance_change
Change of performance based compared to the previous utterance
###### sol_tracker_message
Extracted solution from the current message
###### sol_tracker_all
Up-to-date "state-of-mind" for each of the participants, i.e. an approximation of what each participant think the
correct solution is at given timestep. This is based on initial solutions, submitted solutions, and solution mentions.
team_performance value is calculated based on this column
DeliData A dataset for deliberation in multi-party problem solving (URL
@article{karadzhov2023delidata,
title={DeliData: A dataset for deliberation in multi-party problem solving},
author={Karadzhov, Georgi and Stafford, Tom and Vlachos, Andreas},
journal={Proceedings of the ACM on Human-Computer Interaction},
volume={7},
number={CSCW2},
pages={1--25},
year={2023},
publisher={ACM New York, NY, USA}
}
| [
"# DeliData\n\nThis is a README that outlines key fields and characteristics of the DeliData corpus.\nFor full description of how we collected DeliData, as well as possible applications, please refer to the original\npaper link.",
"# Data Fields",
"###### group_id\n\nUnique identifier of the group chat",
"###### message_id\n\nMessage identifier. System messages will have an id of -1, however all participant messages' ids are unique.",
"###### message_type\n\nINITIAL - indicating the cards presented and aliases of participants;\n\nSUBMIT - indicating that a participant has pressed the Submit Solution button\n\nMESSAGE - noting a chat entry",
"###### origin\n\nThe alias of the participant who submitted a message/solution",
"###### original_text\n\nOriginal text as said in the collected conversation;\n\nFor INITIAL type, contains the list of participants and cards presented.\n\nFor SUBMIT type, contains the cards submitted",
"###### clean_text\n\nNormalised message, with applied tokenisation, and masking of special tokens. Special tokens are considered solution\nmentions, which are masked with < CARD > and participant mentions which are masked with < MENTION >",
"###### annotation_type\n\nA record from the first level of DeliAnnotation. Can be Probing, Non-probing deliberation, or None. For more details,\nplease refer to the DeliData paper.",
"###### annotation_target\n\nA record from the second level of DeliAnnotation. Can be Moderation, Reasoning, Solution, Agree, or Disagree. For more\ndetails, please refer to the DeliData paper.",
"###### annotation_additional\n\nA record from the third level of DeliAnnotation. Can be partial_solution, complete_solution, specific_referee,\nsolution_summary, or consider_opposite. For more details, please refer to the DeliData paper.",
"###### team_performance\n\nAn approximation of team performance, based on user submissions, and solution mentions. Range [0-1], where 1 indicates\neach participant selecting the correct solution.",
"###### performance_change\n\nChange of performance based compared to the previous utterance",
"###### sol_tracker_message\n\nExtracted solution from the current message",
"###### sol_tracker_all\n\nUp-to-date \"state-of-mind\" for each of the participants, i.e. an approximation of what each participant think the\ncorrect solution is at given timestep. This is based on initial solutions, submitted solutions, and solution mentions.\nteam_performance value is calculated based on this column\n\nDeliData A dataset for deliberation in multi-party problem solving (URL\n\n @article{karadzhov2023delidata,\n title={DeliData: A dataset for deliberation in multi-party problem solving},\n author={Karadzhov, Georgi and Stafford, Tom and Vlachos, Andreas},\n journal={Proceedings of the ACM on Human-Computer Interaction},\n volume={7},\n number={CSCW2},\n pages={1--25},\n year={2023},\n publisher={ACM New York, NY, USA}\n }"
] | [
"TAGS\n#license-cc-by-4.0 #region-us \n",
"# DeliData\n\nThis is a README that outlines key fields and characteristics of the DeliData corpus.\nFor full description of how we collected DeliData, as well as possible applications, please refer to the original\npaper link.",
"# Data Fields",
"###### group_id\n\nUnique identifier of the group chat",
"###### message_id\n\nMessage identifier. System messages will have an id of -1, however all participant messages' ids are unique.",
"###### message_type\n\nINITIAL - indicating the cards presented and aliases of participants;\n\nSUBMIT - indicating that a participant has pressed the Submit Solution button\n\nMESSAGE - noting a chat entry",
"###### origin\n\nThe alias of the participant who submitted a message/solution",
"###### original_text\n\nOriginal text as said in the collected conversation;\n\nFor INITIAL type, contains the list of participants and cards presented.\n\nFor SUBMIT type, contains the cards submitted",
"###### clean_text\n\nNormalised message, with applied tokenisation, and masking of special tokens. Special tokens are considered solution\nmentions, which are masked with < CARD > and participant mentions which are masked with < MENTION >",
"###### annotation_type\n\nA record from the first level of DeliAnnotation. Can be Probing, Non-probing deliberation, or None. For more details,\nplease refer to the DeliData paper.",
"###### annotation_target\n\nA record from the second level of DeliAnnotation. Can be Moderation, Reasoning, Solution, Agree, or Disagree. For more\ndetails, please refer to the DeliData paper.",
"###### annotation_additional\n\nA record from the third level of DeliAnnotation. Can be partial_solution, complete_solution, specific_referee,\nsolution_summary, or consider_opposite. For more details, please refer to the DeliData paper.",
"###### team_performance\n\nAn approximation of team performance, based on user submissions, and solution mentions. Range [0-1], where 1 indicates\neach participant selecting the correct solution.",
"###### performance_change\n\nChange of performance based compared to the previous utterance",
"###### sol_tracker_message\n\nExtracted solution from the current message",
"###### sol_tracker_all\n\nUp-to-date \"state-of-mind\" for each of the participants, i.e. an approximation of what each participant think the\ncorrect solution is at given timestep. This is based on initial solutions, submitted solutions, and solution mentions.\nteam_performance value is calculated based on this column\n\nDeliData A dataset for deliberation in multi-party problem solving (URL\n\n @article{karadzhov2023delidata,\n title={DeliData: A dataset for deliberation in multi-party problem solving},\n author={Karadzhov, Georgi and Stafford, Tom and Vlachos, Andreas},\n journal={Proceedings of the ACM on Human-Computer Interaction},\n volume={7},\n number={CSCW2},\n pages={1--25},\n year={2023},\n publisher={ACM New York, NY, USA}\n }"
] | [
15,
49,
4,
15,
31,
47,
15,
43,
55,
47,
51,
62,
44,
17,
17,
212
] | [
"passage: TAGS\n#license-cc-by-4.0 #region-us \n# DeliData\n\nThis is a README that outlines key fields and characteristics of the DeliData corpus.\nFor full description of how we collected DeliData, as well as possible applications, please refer to the original\npaper link.# Data Fields###### group_id\n\nUnique identifier of the group chat###### message_id\n\nMessage identifier. System messages will have an id of -1, however all participant messages' ids are unique.###### message_type\n\nINITIAL - indicating the cards presented and aliases of participants;\n\nSUBMIT - indicating that a participant has pressed the Submit Solution button\n\nMESSAGE - noting a chat entry###### origin\n\nThe alias of the participant who submitted a message/solution###### original_text\n\nOriginal text as said in the collected conversation;\n\nFor INITIAL type, contains the list of participants and cards presented.\n\nFor SUBMIT type, contains the cards submitted###### clean_text\n\nNormalised message, with applied tokenisation, and masking of special tokens. Special tokens are considered solution\nmentions, which are masked with < CARD > and participant mentions which are masked with < MENTION >###### annotation_type\n\nA record from the first level of DeliAnnotation. Can be Probing, Non-probing deliberation, or None. For more details,\nplease refer to the DeliData paper.###### annotation_target\n\nA record from the second level of DeliAnnotation. Can be Moderation, Reasoning, Solution, Agree, or Disagree. For more\ndetails, please refer to the DeliData paper.###### annotation_additional\n\nA record from the third level of DeliAnnotation. Can be partial_solution, complete_solution, specific_referee,\nsolution_summary, or consider_opposite. For more details, please refer to the DeliData paper.###### team_performance\n\nAn approximation of team performance, based on user submissions, and solution mentions. Range [0-1], where 1 indicates\neach participant selecting the correct solution.###### performance_change\n\nChange of performance based compared to the previous utterance"
] | [
-0.01467912457883358,
0.140685573220253,
-0.008447070606052876,
-0.01188614871352911,
0.019285157322883606,
-0.033036280423402786,
0.04368344321846962,
0.04530486837029457,
-0.09351196885108948,
0.09095890820026398,
-0.010073855519294739,
0.041218351572752,
0.10879872739315033,
0.05720088630914688,
0.023140298202633858,
-0.20650270581245422,
0.08784181624650955,
-0.07883023470640182,
0.11362086236476898,
0.08190318942070007,
0.10284911096096039,
-0.12301923334598541,
0.03867090493440628,
-0.008296522311866283,
0.0360121950507164,
-0.015440711751580238,
-0.04921823367476463,
-0.008036118000745773,
0.05830270051956177,
0.03169658035039902,
0.09212826192378998,
0.021659960970282555,
0.0427226796746254,
-0.22302931547164917,
0.020579665899276733,
0.06595877557992935,
0.012775241397321224,
-0.008833625353872776,
0.06709207594394684,
0.01876516081392765,
0.08123067766427994,
-0.08746257424354553,
0.06172432005405426,
0.03357189521193504,
-0.1267131268978119,
-0.07469511777162552,
-0.11547014862298965,
0.09826304018497467,
0.08231844753026962,
0.08988232165575027,
-0.04079198092222214,
0.05477411672472954,
-0.052760884165763855,
0.0384364128112793,
0.0018117418512701988,
-0.12366759777069092,
-0.03229843080043793,
0.013348190113902092,
0.027485858649015427,
0.012941773049533367,
-0.07568225264549255,
-0.028420064598321915,
-0.027516884729266167,
0.011271746829152107,
-0.02321559749543667,
0.009892646223306656,
0.17176447808742523,
-0.006748335435986519,
-0.09469618648290634,
-0.0804562047123909,
0.10106323659420013,
-0.0018477620324119925,
-0.09551961719989777,
-0.10709711164236069,
-0.034989241510629654,
-0.03828965499997139,
0.0009934165282174945,
-0.06776732206344604,
0.05910055711865425,
0.05674658343195915,
0.07015400379896164,
-0.063957579433918,
-0.08770162612199783,
-0.03299783542752266,
-0.07721776515245438,
0.10370449721813202,
0.0531405508518219,
0.017708795145154,
-0.016069261357188225,
0.03386401757597923,
-0.07628791034221649,
-0.06605461984872818,
-0.06216207519173622,
-0.022037457674741745,
-0.11542151868343353,
-0.04771631211042404,
-0.033997487276792526,
-0.2175513654947281,
-0.004576132167130709,
0.07657607644796371,
-0.03997105360031128,
0.061713807284832,
-0.022982899099588394,
0.02699677087366581,
0.0879405066370964,
0.13422231376171112,
-0.07076934725046158,
0.04492991790175438,
-0.019280768930912018,
-0.07596249133348465,
0.08688690513372421,
0.006526417564600706,
-0.02151811122894287,
0.06484799087047577,
0.06756818294525146,
0.08565227687358856,
0.05069724842905998,
0.07046002894639969,
-0.06619586795568466,
-0.0250974353402853,
0.21637850999832153,
-0.12021204084157944,
-0.006862366572022438,
-0.006853537634015083,
-0.052143651992082596,
0.10785382986068726,
-0.009827124886214733,
-0.0012470659567043185,
-0.08000020682811737,
0.08475084602832794,
-0.019727887585759163,
-0.010725912638008595,
-0.07767993211746216,
-0.06873510032892227,
0.06200382485985756,
0.0635354220867157,
-0.12126118689775467,
-0.05805964767932892,
-0.19064193964004517,
-0.03785334900021553,
0.03796795755624771,
-0.021698571741580963,
0.011238249950110912,
-0.008943851105868816,
-0.004128313157707453,
-0.05049155279994011,
0.026003869250416756,
-0.10437576472759247,
-0.046817630529403687,
0.04441026598215103,
-0.04722648859024048,
0.03867657482624054,
-0.03507191315293312,
0.0018123731715604663,
-0.09165926277637482,
0.04320928454399109,
-0.28808286786079407,
0.05491875857114792,
-0.050279490649700165,
-0.04006947949528694,
-0.09423989057540894,
-0.08219940960407257,
-0.05439602583646774,
-0.036329444497823715,
-0.017843030393123627,
0.10926917940378189,
-0.18567432463169098,
-0.003688387805595994,
0.20575112104415894,
-0.13740955293178558,
0.011397158727049828,
0.10955577343702316,
0.001611623098142445,
-0.03574154153466225,
0.12266132235527039,
0.02127845399081707,
0.08383838832378387,
-0.10980997234582901,
-0.10970216989517212,
-0.05346359312534332,
-0.07882770150899887,
0.15151554346084595,
0.05248621106147766,
-0.08304319530725479,
0.13220204412937164,
0.049020424485206604,
0.08916293829679489,
-0.10004135966300964,
-0.0017803267110139132,
-0.016283418983221054,
-0.014842994511127472,
-0.025306161493062973,
0.012081886641681194,
-0.032067280262708664,
-0.07158447802066803,
-0.016675278544425964,
-0.10686962306499481,
-0.05608251318335533,
0.0630837082862854,
0.005881564691662788,
0.04975835606455803,
-0.1347283571958542,
0.06139054149389267,
-0.07007655501365662,
0.005942253395915031,
-0.19055519998073578,
-0.04040611907839775,
0.04334826394915581,
-0.0663730651140213,
0.10967399179935455,
0.08699513971805573,
0.03173137456178665,
-0.0028620490338653326,
-0.06478161364793777,
-0.01995142176747322,
0.01388589572161436,
-0.0294598750770092,
0.030193863436579704,
-0.09832312166690826,
-0.009971627034246922,
-0.047215234488248825,
0.04245281219482422,
-0.01800771988928318,
-0.007795053534209728,
0.08693565428256989,
0.0879831314086914,
0.023637954145669937,
-0.08370288461446762,
0.027343327179551125,
-0.013817314058542252,
-0.0011481269029900432,
-0.015463754534721375,
-0.033896058797836304,
-0.0016311218496412039,
-0.058944929391145706,
0.07737935334444046,
-0.1479080617427826,
-0.03779618442058563,
0.04920731112360954,
-0.0371469184756279,
-0.051580049097537994,
0.05221133679151535,
-0.04340801760554314,
-0.033465974032878876,
-0.03311855345964432,
-0.04111124575138092,
0.19600768387317657,
0.07947815954685211,
0.03798249363899231,
-0.08467590063810349,
-0.018394434824585915,
-0.000300407235044986,
-0.02626883052289486,
-0.04855627194046974,
0.0037974638398736715,
0.05934017896652222,
-0.1835073083639145,
0.011317095719277859,
-0.04118571802973747,
0.03518189489841461,
0.11273470520973206,
0.012391705065965652,
-0.03910929337143898,
-0.04366800934076309,
0.04393385350704193,
0.04018005356192589,
0.042458467185497284,
0.007704523857682943,
0.05196601152420044,
0.006861476227641106,
0.036897171288728714,
0.07112236320972443,
-0.054094813764095306,
0.07688790559768677,
0.039640408009290695,
-0.06954158842563629,
-0.003785323817282915,
-0.015021439641714096,
0.021528033539652824,
0.08513344079256058,
0.037064146250486374,
0.14539842307567596,
-0.04703069105744362,
-0.04285315051674843,
-0.09562908858060837,
0.10426301509141922,
-0.11888424307107925,
-0.25059279799461365,
-0.14462439715862274,
-0.031759411096572876,
-0.044425297528505325,
0.03257019817829132,
0.01873498037457466,
-0.060396529734134674,
-0.08379771560430527,
-0.09948599338531494,
0.01415624376386404,
-0.065910205245018,
-0.05810948833823204,
-0.07503664493560791,
-0.0035910585429519415,
0.01919485442340374,
-0.1022438332438469,
-0.0043150894343853,
0.03179279342293739,
-0.07225688546895981,
-0.0018471513176336884,
-0.01374528557062149,
0.1214318573474884,
0.17417219281196594,
-0.009397494606673717,
-0.07783109694719315,
-0.005798381753265858,
0.12085475027561188,
-0.07119907438755035,
0.1521700918674469,
0.16570338606834412,
-0.024404779076576233,
0.11390464007854462,
0.12438356876373291,
-0.0026051406748592854,
-0.06702195107936859,
0.018889036029577255,
0.06302013993263245,
-0.043337658047676086,
-0.20823991298675537,
-0.09500973671674728,
-0.0296829491853714,
-0.026513181626796722,
-0.008506962098181248,
0.06060827150940895,
-0.027450459077954292,
-0.02564973570406437,
-0.06504249572753906,
-0.05286552384495735,
0.08906858414411545,
0.09207841008901596,
0.13650034368038177,
-0.017947716638445854,
0.09859006851911545,
-0.05898093432188034,
0.0036029010079801083,
0.09940709918737411,
-0.029920004308223724,
0.10602208226919174,
-0.0011783266672864556,
0.1621035933494568,
0.08232421427965164,
-0.0390067957341671,
0.01617855578660965,
0.010236957110464573,
0.01773965172469616,
0.04518628865480423,
-0.02590836025774479,
-0.06895217299461365,
-0.10449966043233871,
0.014649547636508942,
0.14670397341251373,
0.0061034890823066235,
0.04219607263803482,
0.006568471901118755,
0.09143460541963577,
0.10256846994161606,
0.022062553092837334,
-0.08126963675022125,
-0.06565428525209427,
0.03201765939593315,
-0.07992703467607498,
-0.05995788052678108,
-0.016260290518403053,
-0.004731426946818829,
-0.06682777404785156,
0.05815061926841736,
-0.026037653908133507,
0.09628772735595703,
-0.1819031834602356,
0.020893875509500504,
-0.04057178646326065,
0.05132763460278511,
-0.004859743639826775,
0.08416454493999481,
-0.12651555240154266,
0.06932472437620163,
0.01561370026320219,
0.11126286536455154,
-0.0733046904206276,
0.05736849457025528,
-0.029642991721630096,
0.09043703228235245,
0.09108327329158783,
0.004924210254102945,
-0.0723850280046463,
-0.019691431894898415,
-0.0815950483083725,
0.022137071937322617,
0.13314330577850342,
0.001142200781032443,
0.06665580719709396,
0.002638452220708132,
0.015306207351386547,
-0.047448959201574326,
0.08503584563732147,
-0.1289968490600586,
-0.142433762550354,
0.1002892479300499,
-0.07418408989906311,
0.05407705903053284,
-0.0639413371682167,
0.025998257100582123,
-0.09735564887523651,
0.271991103887558,
-0.07960879802703857,
-0.03771468624472618,
-0.11143343895673752,
-0.07747142761945724,
0.09223634749650955,
-0.06702947616577148,
0.017187263816595078,
-0.05062825232744217,
0.14119011163711548,
-0.041779521852731705,
-0.011804833076894283,
0.011386111378669739,
-0.03421826288104057,
-0.1306968331336975,
-0.05295310169458389,
0.08189692348241806,
0.08532837778329849,
0.022976523265242577,
0.010476562194526196,
0.014595424756407738,
0.011745608411729336,
-0.12857621908187866,
0.027836734429001808,
0.16807931661605835,
0.13760949671268463,
0.06602977961301804,
0.01830408163368702,
-0.015431581996381283,
-0.04343459755182266,
-0.03834449127316475,
0.024170873686671257,
0.21233971416950226,
0.010142986662685871,
0.08879438042640686,
0.11705939471721649,
-0.10667654126882553,
-0.19097472727298737,
-0.056068290024995804,
-0.0335252583026886,
-0.03151129558682442,
-0.05261066183447838,
-0.14223895967006683,
-0.023691486567258835,
0.07686415314674377,
-0.04045397415757179,
-0.028821226209402084,
-0.14758653938770294,
-0.1151786744594574,
0.03296993672847748,
0.012647059746086597,
0.0007106319535523653,
-0.07063443958759308,
-0.06279188394546509,
-0.09593942016363144,
-0.1585640162229538,
-0.04806053265929222,
0.09583872556686401,
0.045726727694272995,
0.01960526779294014,
0.002912373747676611,
0.015109937638044357,
-0.06788244098424911,
0.12441477179527283,
-0.040404923260211945,
0.059606608003377914,
-0.059542641043663025,
0.016376743093132973,
0.09268815070390701,
-0.031024131923913956,
0.10525722056627274,
0.007303283549845219,
0.06412990391254425,
-0.07304871827363968,
-0.07527520507574081,
-0.04096980020403862,
0.0012113647535443306,
-0.047688551247119904,
-0.06198742240667343,
-0.11553671956062317,
0.0718671903014183,
0.09454728662967682,
-0.013713987544178963,
0.039772357791662216,
-0.1426776498556137,
0.03086053766310215,
0.1545041799545288,
0.14841963350772858,
0.07154073566198349,
-0.08488523960113525,
-0.0513736717402935,
-0.03373951092362404,
0.022428445518016815,
-0.06859350949525833,
0.06915538758039474,
0.07929876446723938,
-0.0116755785420537,
0.12283265590667725,
-0.002952556824311614,
-0.1473921537399292,
-0.006526361685246229,
0.033815640956163406,
-0.07979631423950195,
-0.1748109608888626,
0.06382905691862106,
0.14263513684272766,
-0.08845679461956024,
-0.003212559502571821,
0.07846160978078842,
-0.018267331644892693,
0.003477852325886488,
0.038528092205524445,
0.08163446933031082,
0.0006085708737373352,
0.07395142316818237,
-0.02084251306951046,
0.025672154501080513,
-0.04764917120337486,
0.12830263376235962,
0.10908772796392441,
-0.1817837953567505,
0.004577249754220247,
-0.01671232469379902,
-0.046290647238492966,
-0.04189204424619675,
0.05300550162792206,
0.06092653051018715,
0.12387578934431076,
-0.06940411776304245,
-0.03574606776237488,
-0.08346714079380035,
0.1014166995882988,
0.11126197874546051,
-0.018835164606571198,
0.09347879886627197,
-0.035633619874715805,
0.03361781686544418,
-0.07801420241594315,
0.05819778889417648,
-0.010980147868394852,
0.039840057492256165,
-0.010348598472774029,
0.08964386582374573,
-0.01817409321665764,
-0.04618038237094879,
0.003533225506544113,
-0.04181207716464996,
-0.0457618422806263,
-0.0005412966711446643,
-0.1494283825159073,
0.03264995664358139,
-0.08175482600927353,
-0.019886614754796028,
0.008396308869123459,
0.04933464899659157,
0.0218298751860857,
-0.01904679462313652,
-0.023638010025024414,
-0.04112052172422409,
-0.011931654065847397,
0.027401329949498177,
-0.15987583994865417,
0.04742111265659332,
0.07142888754606247,
-0.0474952794611454,
0.08523847907781601,
0.003614368848502636,
-0.03048061765730381,
0.050723835825920105,
-0.07947011291980743,
0.04037398844957352,
0.018267950043082237,
0.02243666909635067,
-0.014821094460785389,
-0.06419167667627335,
-0.0421307347714901,
0.04154907166957855,
-0.11420365422964096,
0.007977490313351154,
-0.019049618393182755,
-0.06289783120155334,
0.1081879660487175,
0.03765025734901428,
-0.04222336784005165,
-0.043623149394989014,
0.045345764607191086,
0.04475148767232895,
0.001471583265811205,
0.0728650689125061,
-0.04596897214651108,
0.07036781311035156,
-0.11543698608875275,
0.004746784456074238,
0.06595256924629211,
0.023539770394563675,
0.07999074459075928,
-0.050473518669605255,
0.04803725704550743,
-0.02870662324130535,
0.16932427883148193,
-0.029651641845703125,
-0.009472198784351349,
0.04319649189710617,
0.02966175228357315,
-0.15710343420505524,
0.03188139200210571,
0.0621613971889019,
-0.012589936144649982,
-0.028105802834033966,
0.05062887445092201,
-0.05867420881986618,
-0.08131018280982971,
-0.039789870381355286,
0.19054487347602844,
0.1282448023557663,
0.16956299543380737,
0.009543189778923988,
-0.002240261062979698,
0.00994405709207058,
-0.06734191626310349,
0.035618774592876434,
-0.022245263680815697,
0.050266314297914505,
0.023988649249076843,
-0.02796257473528385,
0.07257039099931717,
-0.1372969150543213,
0.11742662638425827,
-0.019648822024464607,
-0.057711564004421234,
-0.061194684356451035,
-0.2589994966983795,
-0.02835259400308132,
0.013325671665370464,
0.015390079468488693,
-0.09082088619470596,
0.08467432111501694,
-0.0024355819914489985,
0.009615600109100342,
-0.035794954746961594,
0.09045034646987915,
-0.16611148416996002,
-0.05261566489934921,
0.05208311602473259,
-0.004079519771039486,
-0.0017288808012381196,
0.058827754110097885,
0.043850015848875046,
0.011503294110298157,
0.07129114121198654,
0.10112898796796799,
0.12314239144325256,
0.03736766427755356,
0.006210275460034609,
-0.03384726494550705,
-0.06291300803422928,
0.0438520573079586,
-0.00639042304828763,
-0.018359355628490448,
0.18655839562416077,
-0.015021685510873795,
-0.004436781629920006,
0.0018752795876935124,
0.178214892745018,
-0.07203564047813416,
-0.08566796779632568,
-0.10808919370174408,
0.1778390109539032,
0.005068090278655291,
0.028155021369457245,
0.02941606007516384,
-0.13351097702980042,
0.029275134205818176,
0.12494248151779175,
0.12054464966058731,
0.001392207806929946,
0.050976239144802094,
0.02385864406824112,
0.008746178820729256,
0.02217167802155018,
0.016605757176876068,
-0.006534058600664139,
0.17651787400245667,
-0.030538495630025864,
0.10420318692922592,
-0.021757028996944427,
-0.02287220023572445,
-0.006114442367106676,
0.13997678458690643,
-0.05730361491441727,
0.00024690505233593285,
-0.08732729405164719,
0.11579447984695435,
-0.1273735910654068,
-0.24575096368789673,
0.011088424362242222,
0.0021174887660890818,
-0.06476549059152603,
0.03310272470116615,
0.062133900821208954,
-0.004060376901179552,
0.0641079992055893,
0.024299032986164093,
-0.021296218037605286,
0.1654043346643448,
0.045904308557510376,
-0.04557470232248306,
-0.031382083892822266,
0.06454722583293915,
0.0984063670039177,
0.11447189748287201,
0.04646868631243706,
0.06406640261411667,
0.08520735800266266,
-0.013598666526377201,
-0.05657656490802765,
0.1213095486164093,
0.0038938764482736588,
-0.08578620851039886,
-0.013278503902256489,
0.1496744006872177,
0.02829771488904953,
0.11561553180217743,
0.08327814191579819,
-0.07122489809989929,
0.06564739346504211,
0.04626932740211487,
-0.01814737543463707,
-0.1016949936747551,
0.13886263966560364,
-0.11838998645544052,
0.09249016642570496,
0.10822851210832596,
0.025513261556625366,
0.060052771121263504,
-0.007258539088070393,
0.07402864843606949,
-0.051914021372795105,
0.08237141370773315,
-0.04668136686086655,
-0.10219985991716385,
-0.011365288868546486,
-0.04200045019388199,
0.10764031112194061,
-0.22725273668766022,
-0.05768343061208725,
0.08879686146974564,
-0.024393174797296524,
-0.0025139215867966413,
0.09709679335355759,
-0.010931706987321377,
0.028718210756778717,
-0.05424990504980087,
0.014834005385637283,
0.03888249024748802,
0.07657323032617569,
-0.10275770723819733,
-0.004477024078369141
] |
0354f80bb4095c3e18800966ad1b6a296cfcc530 | model: https://huggingface.co/sentence-transformers/clip-ViT-L-14 # 1.71GB | teamtom/25000_word_emb_large | [
"license:apache-2.0",
"region:us"
] | 2024-01-14T16:10:20+00:00 | {"license": "apache-2.0"} | 2024-01-14T16:12:52+00:00 | [] | [] | TAGS
#license-apache-2.0 #region-us
| model: URL # 1.71GB | [
"# 1.71GB"
] | [
"TAGS\n#license-apache-2.0 #region-us \n",
"# 1.71GB"
] | [
14,
4
] | [
"passage: TAGS\n#license-apache-2.0 #region-us \n# 1.71GB"
] | [
-0.012467415072023869,
0.09866037219762802,
-0.004622220993041992,
0.05298031494021416,
-0.0466952919960022,
0.06290861964225769,
0.10036030411720276,
0.1266266405582428,
0.09831562638282776,
-0.050975166261196136,
0.1450839787721634,
-0.03382779285311699,
-0.024308321997523308,
0.06950677186250687,
0.029277747496962547,
-0.14354568719863892,
0.08702986687421799,
-0.043203696608543396,
-0.06710188835859299,
0.0019337179837748408,
0.029377443715929985,
0.01341596245765686,
-0.0005812536692246795,
-0.05832650884985924,
-0.007146866526454687,
0.016419582068920135,
0.03569513559341431,
-0.021937554702162743,
0.02187836915254593,
-0.06931333988904953,
-0.01956123858690262,
0.008937234990298748,
0.04393536597490311,
-0.19350756704807281,
-0.009422270581126213,
-0.010645562782883644,
-0.08486133068799973,
0.021931903436779976,
-0.014570003375411034,
0.04204120114445686,
0.03355487808585167,
0.02412058599293232,
-0.10510201752185822,
0.03714637830853462,
-0.0640392079949379,
-0.3378014862537384,
-0.14765779674053192,
0.09212993830442429,
0.04571254178881645,
0.07313171029090881,
0.08541356772184372,
0.04075738042593002,
-0.10829240828752518,
-0.042205020785331726,
0.1339499056339264,
-0.3548274040222168,
0.0319766029715538,
0.15035192668437958,
-0.07734164595603943,
0.10934317857027054,
-0.00264074862934649,
0.05955420807003975,
0.13950948417186737,
-0.008906388655304909,
-0.053952910006046295,
-0.04240196570754051,
-0.016449445858597755,
0.08527998626232147,
0.03348035737872124,
-0.086677685379982,
0.37683436274528503,
0.12393435835838318,
-0.0074528600089251995,
0.09779468178749084,
-0.06436732411384583,
-0.025621647015213966,
-0.01255369558930397,
0.15505598485469818,
0.10264723747968674,
0.1995590180158615,
0.09689256548881531,
-0.08309771120548248,
-0.14457736909389496,
-0.10471102595329285,
-0.1910170614719391,
-0.08629563450813293,
-0.03128977119922638,
0.14794139564037323,
-0.000300041661830619,
0.0001644468429731205,
-0.14769195020198822,
-0.09593809396028519,
-0.021340643987059593,
-0.0494498647749424,
0.17903290688991547,
0.1119067370891571,
-0.08645781874656677,
0.1354522705078125,
0.14544819295406342,
0.20869942009449005,
0.07678956538438797,
0.022283727303147316,
-0.07677195221185684,
0.1612134575843811,
-0.0546809658408165,
0.01420650165528059,
0.03937686234712601,
0.013167757540941238,
0.13078153133392334,
-0.12568478286266327,
0.14993438124656677,
-0.01390310749411583,
-0.1767468899488449,
-0.011714691296219826,
-0.04517021402716637,
0.07617097347974777,
0.040928032249212265,
-0.13421310484409332,
-0.044230807572603226,
0.07250135391950607,
0.19369883835315704,
-0.03184812515974045,
0.013904794119298458,
0.010116904973983765,
0.002437738236039877,
-0.023646343499422073,
0.038095083087682724,
-0.010573066771030426,
0.11173152178525925,
-0.0016074363375082612,
-0.06964284926652908,
-0.02559247799217701,
0.0090316291898489,
0.07837831228971481,
0.16764336824417114,
-0.027187617495656013,
0.008876990526914597,
-0.12274029105901718,
-0.16655804216861725,
0.05986499786376953,
0.09102681279182434,
-0.03336962312459946,
0.015404189005494118,
0.15027886629104614,
0.014835693873465061,
0.0486954003572464,
-0.0488741435110569,
0.006372543983161449,
-0.10247411578893661,
0.0710730329155922,
-0.10676403343677521,
0.06800251454114914,
-0.26818105578422546,
-0.0075240181758999825,
-0.10861852765083313,
0.059861984103918076,
-0.03306956961750984,
-0.10628349334001541,
-0.16536076366901398,
0.15571869909763336,
-0.09150788933038712,
0.010593810118734837,
-0.10893737524747849,
-0.040670305490493774,
-0.03389305621385574,
0.016180718317627907,
-0.1534883677959442,
0.03326794132590294,
0.14101557433605194,
-0.11008909344673157,
-0.14021922647953033,
0.09176115691661835,
0.07307444512844086,
-0.02168063074350357,
-0.01836986094713211,
0.2814856767654419,
-0.050621334463357925,
-0.01987655647099018,
0.058373115956783295,
0.22125883400440216,
-0.004972414579242468,
-0.28665390610694885,
0.15302538871765137,
-0.1484929919242859,
-0.09824120253324509,
0.04159799963235855,
0.011124256066977978,
0.08215660601854324,
0.04480844363570213,
-0.10470180213451385,
-0.10889405757188797,
-0.10728885978460312,
-0.047583114355802536,
-0.041745029389858246,
0.04530978575348854,
-0.05407930538058281,
0.014715823344886303,
-0.10605640709400177,
0.08262858539819717,
0.08253619819879532,
0.07424689829349518,
0.0200898889452219,
0.04687140882015228,
-0.033107832074165344,
0.004639909137040377,
-0.02636742778122425,
0.04091465845704079,
0.006270864978432655,
-0.03738556057214737,
0.050616826862096786,
0.10564181953668594,
0.060013338923454285,
-0.05534116178750992,
-0.06228804588317871,
0.07674852013587952,
-0.04985755681991577,
0.05569110065698624,
0.029506707563996315,
-0.054558493196964264,
0.055193785578012466,
0.03663617745041847,
0.05166134983301163,
0.08501114696264267,
-0.027643894776701927,
0.0543307401239872,
-0.021374300122261047,
-0.0351749025285244,
0.03280806168913841,
-0.02369820512831211,
-0.1226702630519867,
0.004773794673383236,
-0.014284675940871239,
0.04865352809429169,
0.05220765247941017,
-0.07732239365577698,
0.13821527361869812,
0.02992624044418335,
0.2149808555841446,
0.20261405408382416,
0.0001823180791689083,
0.11005312949419022,
0.009413965977728367,
0.013432740233838558,
-0.06641925871372223,
0.02399761602282524,
-0.09261877834796906,
-0.17538589239120483,
-0.038414228707551956,
0.02286480739712715,
-0.06236859783530235,
0.05446907505393028,
-0.01360025443136692,
-0.07923128455877304,
-0.026324419304728508,
-0.021305831149220467,
0.20495201647281647,
-0.15926414728164673,
0.13846638798713684,
0.480978786945343,
-0.04971656948328018,
0.040921784937381744,
-0.12783731520175934,
-0.09307552129030228,
-0.016530470922589302,
-0.0502379909157753,
-0.03979006037116051,
0.1361193060874939,
-0.02485780045390129,
0.054501280188560486,
0.090547114610672,
0.09417387843132019,
0.057264890521764755,
-0.1372293382883072,
-0.08667241781949997,
-0.015395314432680607,
-0.05939265340566635,
-0.10636880248785019,
0.0009887035703286529,
-0.08973757922649384,
0.027590399608016014,
0.006926225032657385,
-0.0855642557144165,
0.11821803450584412,
-0.027177564799785614,
-0.01539583783596754,
0.055572256445884705,
-0.21445178985595703,
-0.11711142212152481,
-0.1532469391822815,
0.001161523861810565,
0.001858426141552627,
0.018262408673763275,
0.07302413135766983,
-0.05178558826446533,
-0.057786718010902405,
-0.023465724661946297,
-0.07986725121736526,
-0.02381274290382862,
0.014603630639612675,
0.09133312106132507,
0.09200616180896759,
0.04107416793704033,
-0.12090613692998886,
-0.053138602524995804,
0.0279323048889637,
-0.014131843112409115,
0.07581053674221039,
-0.12176810950040817,
0.07654564082622528,
0.09432664513587952,
0.03914203867316246,
0.04438650235533714,
0.027140449732542038,
0.09683632850646973,
0.005079497117549181,
0.02699161134660244,
0.1397305727005005,
0.048767294734716415,
0.04653652012348175,
0.08639811724424362,
0.07359897345304489,
-0.06157983839511871,
0.008938760496675968,
-0.02472832053899765,
-0.13083599507808685,
-0.2336532473564148,
-0.07060763984918594,
-0.06852789968252182,
0.13277946412563324,
0.06598126143217087,
0.13659046590328217,
0.07079184055328369,
0.05645650625228882,
-0.004299451131373644,
0.03643832355737686,
-0.017183871939778328,
-0.036885205656290054,
0.1191738098859787,
-0.05957522243261337,
0.004709430038928986,
-0.14162303507328033,
0.06934315711259842,
0.21020196378231049,
0.12463884055614471,
0.17599916458129883,
0.24172969162464142,
0.17351149022579193,
0.054187990725040436,
0.16719071567058563,
0.0019528232514858246,
0.12850531935691833,
0.047250207513570786,
-0.010264713317155838,
-0.05301504209637642,
-0.019465530291199684,
0.012753096409142017,
0.10554351657629013,
-0.02664008177816868,
-0.11298255622386932,
0.04804469645023346,
-0.13442029058933258,
0.04294396936893463,
0.0886155292391777,
0.147072896361351,
0.011222567409276962,
0.090422622859478,
0.09396576881408691,
0.08813370019197464,
0.011198857799172401,
0.13896934688091278,
-0.02221805602312088,
0.024567682296037674,
0.024063115939497948,
0.04919111728668213,
0.10334029793739319,
0.0442475751042366,
-0.017563944682478905,
-0.07959958910942078,
-0.18860124051570892,
0.08418640494346619,
0.14608030021190643,
-0.11129558831453323,
0.16819052398204803,
0.01057272870093584,
-0.10121047496795654,
-0.08352836966514587,
-0.05534768104553223,
0.07454222440719604,
0.12547506392002106,
0.04735427722334862,
0.08817693591117859,
-0.12333128601312637,
0.04755335673689842,
-0.21091394126415253,
-0.007902421057224274,
0.007944688200950623,
0.003622315125539899,
-0.1548801064491272,
-0.028847329318523407,
0.022224368527531624,
0.029002118855714798,
0.20042762160301208,
-0.06082285940647125,
-0.0474529042840004,
-0.023410005494952202,
0.17568184435367584,
-0.08542263507843018,
-0.10637519508600235,
0.043453969061374664,
0.009735003113746643,
0.14797557890415192,
-0.007276346907019615,
-0.002200403017923236,
-0.0174503643065691,
-0.14769308269023895,
0.1417485624551773,
0.007772961165755987,
0.02514667995274067,
-0.027805214747786522,
-0.11365890502929688,
-0.09263443201780319,
-0.18061846494674683,
0.104116290807724,
-0.10940513759851456,
-0.013671910390257835,
-0.039162520319223404,
0.11803337931632996,
-0.11734391003847122,
0.05710329860448837,
-0.0004984113038517535,
0.020574234426021576,
-0.06540275365114212,
-0.14685554802417755,
0.07179293036460876,
-0.023351149633526802,
0.04836874082684517,
-0.012458804063498974,
-0.019611097872257233,
0.14437371492385864,
0.12314388155937195,
-0.1083642765879631,
0.12395694851875305,
0.20991191267967224,
-0.11431178450584412,
0.12948495149612427,
0.25549551844596863,
-0.06329118460416794,
-0.25307026505470276,
-0.18425282835960388,
-0.19880232214927673,
-0.14236564934253693,
0.041924867779016495,
-0.12172485142946243,
0.14128831028938293,
0.24375993013381958,
-0.16012105345726013,
0.29855459928512573,
-0.1876780390739441,
-0.05278242006897926,
0.15396222472190857,
-0.07566354423761368,
0.43065929412841797,
-0.17545580863952637,
-0.053865864872932434,
-0.12843547761440277,
-0.2512320280075073,
0.06547281891107559,
-0.20342150330543518,
0.05851777642965317,
0.0015925223706290126,
-0.07541826367378235,
-0.05983353033661842,
-0.04370896518230438,
0.23067666590213776,
0.008521614596247673,
0.058675721287727356,
-0.09019036591053009,
0.043070051819086075,
0.25784987211227417,
-0.038320425897836685,
0.07778415083885193,
-0.2254013866186142,
-0.021616922691464424,
-0.02435445599257946,
0.024962633848190308,
-0.010974202305078506,
0.013393919914960861,
-0.012773141264915466,
-0.07658971101045609,
-0.07893989235162735,
-0.013177771121263504,
-0.08912003040313721,
-0.03926503285765648,
0.2680622935295105,
0.10401547700166702,
-0.109867624938488,
0.2016838937997818,
-0.16123034060001373,
-0.18528126180171967,
-0.03788089379668236,
-0.07251439243555069,
-0.1128738597035408,
0.05668735131621361,
-0.2949889302253723,
0.05529914051294327,
0.03328849747776985,
-0.04960136488080025,
0.0032218038104474545,
0.050855640321969986,
-0.07716995477676392,
-0.009569856338202953,
0.16559582948684692,
-0.05572279915213585,
-0.049200836569070816,
0.024169743061065674,
0.07891654968261719,
0.08513002842664719,
-0.02465224266052246,
0.0367613285779953,
-0.015044155530631542,
0.035794373601675034,
0.05068480968475342,
0.07742338627576828,
-0.15767808258533478,
0.029603058472275734,
0.09050920605659485,
-0.025705700740218163,
-0.1179909035563469,
0.2445208877325058,
-0.008361632004380226,
0.007106573786586523,
-0.05450425297021866,
0.06331823021173477,
-0.06387291103601456,
-0.11323630064725876,
-0.005121320486068726,
-0.09991398453712463,
-0.020482515916228294,
-0.1281207650899887,
0.01218076329678297,
-0.06573609262704849,
-0.03396493196487427,
-0.1038154885172844,
0.14460323750972748,
0.06483005732297897,
0.06799828261137009,
-0.03562053292989731,
0.11697607487440109,
-0.041139110922813416,
-0.13919933140277863,
0.03218184784054756,
-0.06675820052623749,
-0.21719112992286682,
0.02521825022995472,
0.057214103639125824,
-0.01907307840883732,
0.03069642186164856,
-0.03576527163386345,
0.04757579788565636,
-0.2237250804901123,
0.06917257606983185,
-0.041730400174856186,
-0.023529410362243652,
0.012013048864901066,
-0.04055509716272354,
-0.01572948507964611,
0.026720035821199417,
-0.10904156416654587,
-0.09833905100822449,
-0.05488661304116249,
0.005340108182281256,
-0.07274326682090759,
-0.08973041921854019,
0.1257222592830658,
0.04581955820322037,
0.06746942549943924,
0.09962863475084305,
0.041040364652872086,
0.10272299498319626,
-0.040240030735731125,
-0.06657132506370544,
0.1080692932009697,
0.0384398028254509,
-0.04836345091462135,
0.0373438335955143,
-0.08360317349433899,
0.05071040615439415,
-0.02170509472489357,
0.010923364199697971,
-0.024198919534683228,
-0.14902974665164948,
-0.12418267875909805,
-0.0881771594285965,
-0.16876648366451263,
0.04570333659648895,
-0.18814969062805176,
0.20576132833957672,
0.06527414172887802,
0.07842978090047836,
0.08400258421897888,
-0.038094617426395416,
-0.04690494388341904,
0.03994804248213768,
-0.031669482588768005,
-0.055578336119651794,
-0.11420699954032898,
0.0032744950149208307,
-0.09175598621368408,
-0.05575801432132721,
0.3091748356819153,
-0.025726890191435814,
-0.17278456687927246,
0.0333593413233757,
0.09239397197961807,
0.0015304217813536525,
-0.013928118161857128,
0.3421298563480377,
0.0600862056016922,
0.022565659135580063,
-0.14774209260940552,
0.0003610228013712913,
0.058334026485681534,
-0.04492218792438507,
0.02568533830344677,
0.07668142765760422,
0.09245374798774719,
0.046245500445365906,
0.012813750654459,
-0.046266112476587296,
-0.09533030539751053,
0.05282555893063545,
0.13541509211063385,
0.059740617871284485,
0.04553120955824852,
0.07518436759710312,
0.15439563989639282,
-0.014246717095375061,
-0.0398729182779789,
-0.03342102840542793,
0.01791846752166748,
-0.13948670029640198,
-0.09146559983491898,
-0.04097086191177368,
-0.18960589170455933,
0.029984604567289352,
0.008363048546016216,
0.022530699148774147,
0.24640998244285583,
0.04117271304130554,
-0.01381065882742405,
-0.06840579211711884,
-0.1699809432029724,
-0.05503839626908302,
-0.03266533836722374,
-0.017265163362026215,
-0.09573288261890411,
0.008271836675703526,
-0.09342784434556961,
0.001064934185706079,
-0.12026863545179367,
-0.037724073976278305,
0.05771076679229736,
0.018882624804973602,
0.0027531615924090147,
-0.07538101077079773,
-0.036889296025037766,
-0.14296700060367584,
0.027454523369669914,
-0.01763022132217884,
0.1911754608154297,
0.020980771631002426,
0.03873782232403755,
0.09750337898731232,
0.08832446485757828,
-0.07398717850446701,
-0.1462583988904953,
-0.006392417475581169,
-0.00405867537483573,
-0.06919912993907928,
0.07289109379053116,
-0.022544749081134796,
-0.049109458923339844,
-0.04430214315652847,
0.1745893955230713,
0.23305879533290863,
-0.06452182680368423,
-0.005097821354866028,
0.028272422030568123,
0.0013306197943165898,
0.02642868645489216,
0.1354186087846756,
0.12029387801885605,
0.09648779034614563,
-0.0540979839861393,
-0.04979283735156059,
-0.06597815454006195,
-0.003595182439312339,
-0.2153574824333191,
0.04985504969954491,
-0.029609329998493195,
-0.09233791381120682,
-0.07677941024303436,
0.045639876276254654,
-0.0017704475903883576,
0.14626780152320862,
0.1031801626086235,
-0.06453756242990494,
0.03271845355629921,
0.030362211167812347,
0.1380247324705124,
0.06367094069719315,
0.022348549216985703,
-0.13148878514766693,
-0.013692403212189674,
0.0424649640917778,
-0.024785824120044708,
-0.3258408308029175,
-0.15782035887241364,
0.026311397552490234,
0.06681203842163086,
0.2315571904182434,
0.02118462137877941,
0.08428241312503815,
0.02300812117755413,
0.058782968670129776,
-0.12184744328260422,
0.17135678231716156,
0.008528251200914383,
-0.03296639025211334,
-0.08551767468452454,
-0.17441272735595703,
-0.12379205971956253,
-0.05288276821374893,
0.058474697172641754,
0.04524289071559906,
-0.07224773615598679,
0.24115929007530212,
-0.04177648946642876,
-0.05169259011745453,
-0.046992313116788864,
-0.13503839075565338,
0.09171423316001892,
-0.056444503366947174,
-0.05825025215744972,
-0.09325103461742401,
-0.03564699739217758,
-0.005837015341967344,
0.07453589141368866,
-0.2520398795604706,
-0.050594817847013474,
0.17278319597244263,
-0.01814744994044304,
0.18101906776428223,
0.019516464322805405,
-0.006210360210388899,
-0.014927705749869347,
-0.08458017557859421,
0.020793108269572258,
-0.0991085097193718,
0.010456368327140808,
0.0936402827501297,
-0.05643569305539131,
0.010659591294825077,
-0.11958417296409607,
0.03216571360826492,
-0.03953088819980621,
-0.05936424434185028,
-0.0922536626458168
] |
d4f20ff2896edaf78b384691615f3b083f27a18d | # Promoter Sequences for Maize NAM lines
The data in this dataset has the promoter sequences for **26 Maize NAM lines** and has been used for the finetuning step of [`Florabert`](https://huggingface.co/Gurveer05/FloraBERT). It has been created by processing the raw fasta files and the gff3 files from [`MaizeGDB`](https://www.maizegdb.org/) for the 26 NAM lines.
*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.
The data has been split into train and test data (70-30 split). In all, there are ~ 1 million sequences across the files. The steps followed to obtain this data are available in this [`Github Repository`](https://github.com/gurveervirk/florabert). | Gurveer05/maize-promoter-sequences | [
"size_categories:1M<n<10M",
"biology",
"region:us"
] | 2024-01-14T16:24:21+00:00 | {"size_categories": ["1M<n<10M"], "tags": ["biology"]} | 2024-01-14T17:13:53+00:00 | [] | [] | TAGS
#size_categories-1M<n<10M #biology #region-us
| # Promoter Sequences for Maize NAM lines
The data in this dataset has the promoter sequences for 26 Maize NAM lines and has been used for the finetuning step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 files from 'MaizeGDB' for the 26 NAM lines.
*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.
The data has been split into train and test data (70-30 split). In all, there are ~ 1 million sequences across the files. The steps followed to obtain this data are available in this 'Github Repository'. | [
"# Promoter Sequences for Maize NAM lines\n\nThe data in this dataset has the promoter sequences for 26 Maize NAM lines and has been used for the finetuning step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 files from 'MaizeGDB' for the 26 NAM lines.\n*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.\n\nThe data has been split into train and test data (70-30 split). In all, there are ~ 1 million sequences across the files. The steps followed to obtain this data are available in this 'Github Repository'."
] | [
"TAGS\n#size_categories-1M<n<10M #biology #region-us \n",
"# Promoter Sequences for Maize NAM lines\n\nThe data in this dataset has the promoter sequences for 26 Maize NAM lines and has been used for the finetuning step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 files from 'MaizeGDB' for the 26 NAM lines.\n*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.\n\nThe data has been split into train and test data (70-30 split). In all, there are ~ 1 million sequences across the files. The steps followed to obtain this data are available in this 'Github Repository'."
] | [
21,
165
] | [
"passage: TAGS\n#size_categories-1M<n<10M #biology #region-us \n# Promoter Sequences for Maize NAM lines\n\nThe data in this dataset has the promoter sequences for 26 Maize NAM lines and has been used for the finetuning step of 'Florabert'. It has been created by processing the raw fasta files and the gff3 files from 'MaizeGDB' for the 26 NAM lines.\n*samtools* and *bedtools* have been used to extract the promoter sequences from these that are 1kb upstream of the sequence.\n\nThe data has been split into train and test data (70-30 split). In all, there are ~ 1 million sequences across the files. The steps followed to obtain this data are available in this 'Github Repository'."
] | [
-0.040799763053655624,
-0.003045053221285343,
0.004742012359201908,
0.08618944883346558,
0.11163067072629929,
-0.061834853142499924,
-0.11321771889925003,
0.08805907517671585,
0.00805865041911602,
0.16160425543785095,
0.1365073025226593,
0.016143033280968666,
0.04836469516158104,
0.20297251641750336,
0.005177517421543598,
-0.19600093364715576,
0.05289756506681442,
0.023272745311260223,
-0.09278184175491333,
0.0897417888045311,
0.059347964823246,
-0.04981059208512306,
0.09233307838439941,
-0.03445738926529884,
-0.2510319948196411,
0.037888556718826294,
-0.07554604858160019,
-0.026662839576601982,
0.03541172668337822,
-0.04017337039113045,
-0.03353842347860336,
-0.01223560981452465,
0.060148827731609344,
0.028909826651215553,
0.016835864633321762,
-0.044284638017416,
0.03614768758416176,
-0.0014483376871794462,
0.04502609744668007,
0.23111049830913544,
0.14169842004776,
-0.13960671424865723,
-0.06684686988592148,
0.10496488958597183,
-0.0623759888112545,
-0.03966132178902626,
-0.08121609687805176,
-0.017023414373397827,
0.06602390110492706,
0.057011429220438004,
-0.014583327807486057,
0.048291612416505814,
-0.06212769076228142,
0.014361442066729069,
0.25719332695007324,
-0.1497146338224411,
-0.0232657790184021,
0.29209819436073303,
0.11578264832496643,
0.12448316812515259,
-0.09993435442447662,
0.11231447756290436,
0.12973855435848236,
-0.03402147814631462,
-0.04596208408474922,
-0.07638252526521683,
0.037322841584682465,
-0.007638893555849791,
-0.10197429358959198,
0.04703455790877342,
0.20176061987876892,
0.05028761178255081,
-0.04604639858007431,
-0.13731743395328522,
-0.021556245163083076,
-0.051874663680791855,
0.028415154665708542,
-0.009106915444135666,
0.0042768423445522785,
-0.022639168426394463,
0.12780852615833282,
0.024129776284098625,
-0.046741683036088943,
-0.14639298617839813,
-0.01849263161420822,
0.051116231828927994,
-0.023015178740024567,
-0.043903231620788574,
0.032982829958200455,
-0.04981808736920357,
-0.19595830142498016,
-0.09224795550107956,
-0.06649956852197647,
-0.026180576533079147,
-0.02432221546769142,
-0.01646420918405056,
-0.05288728326559067,
-0.20735867321491241,
0.12439234554767609,
-0.04015567898750305,
-0.027134785428643227,
0.08500735461711884,
-0.06503153592348099,
-0.01067163236439228,
0.12732388079166412,
0.12382838875055313,
-0.1409693956375122,
0.04252108931541443,
0.035708799958229065,
-0.07785794883966446,
0.019513389095664024,
0.00589488260447979,
-0.0908316969871521,
-0.04943777248263359,
-0.08935696631669998,
0.03359266370534897,
-0.10570146888494492,
0.009276249445974827,
-0.04541470482945442,
-0.060991618782281876,
0.11250057071447372,
-0.03989032283425331,
-0.03702444210648537,
-0.00005746389797423035,
-0.05705216899514198,
0.1219591349363327,
-0.13233062624931335,
-0.06464861333370209,
0.03940703347325325,
-0.11348973959684372,
-0.13836370408535004,
-0.05935531482100487,
0.001001100754365325,
-0.05666899308562279,
0.026777606457471848,
-0.204981729388237,
0.013141036033630371,
-0.07689104229211807,
-0.17197448015213013,
-0.06093703955411911,
-0.04534698650240898,
-0.09193085879087448,
-0.0592082180082798,
0.046247683465480804,
0.01988222263753414,
-0.012204062193632126,
0.012974655255675316,
0.07309797406196594,
-0.01871679164469242,
-0.005972602404654026,
0.03048781119287014,
0.1014985665678978,
0.04076305776834488,
0.016812574118375778,
-0.049862369894981384,
0.08866368234157562,
-0.1702638864517212,
0.006483551114797592,
-0.10425194352865219,
0.2046399712562561,
-0.07450491189956665,
-0.04717610031366348,
0.034423064440488815,
-0.03893055394291878,
-0.027141718193888664,
0.02439742162823677,
-0.09548430144786835,
-0.007007154636085033,
0.18431557714939117,
-0.09008791297674179,
-0.06466425210237503,
0.048342492431402206,
0.03962836414575577,
0.050388582050800323,
-0.01465996727347374,
0.2537999749183655,
0.052011650055646896,
-0.04632296413183212,
0.03622552752494812,
0.07952062785625458,
-0.024161940440535545,
-0.14340676367282867,
0.14394405484199524,
0.002924888161942363,
-0.046757929027080536,
0.03441725671291351,
0.07689586281776428,
0.02063640207052231,
-0.0286147091537714,
0.0018485855543985963,
0.000929901609197259,
-0.03379669785499573,
-0.11556937545537949,
0.032864563167095184,
0.05545685812830925,
-0.045674800872802734,
0.1020948514342308,
-0.10887031257152557,
0.12117660045623779,
-0.04045955091714859,
-0.009080957621335983,
0.08228406310081482,
0.03168230503797531,
-0.06931330263614655,
0.04589420184493065,
-0.03975534811615944,
0.009477478452026844,
0.11556021124124527,
-0.025204172357916832,
-0.033776648342609406,
0.029656386002898216,
-0.059360966086387634,
0.026074128225445747,
0.1090526208281517,
0.08807318657636642,
-0.0644742026925087,
0.01632734201848507,
-0.01687346212565899,
-0.026577293872833252,
0.004377428442239761,
-0.0762886106967926,
0.01915477029979229,
-0.17186222970485687,
-0.01625339314341545,
0.13227517902851105,
0.007386588025838137,
-0.0010169341694563627,
-0.06348583847284317,
0.18364709615707397,
0.039459213614463806,
-0.06268154084682465,
-0.04891359433531761,
0.028958812355995178,
-0.006443878635764122,
-0.02841503731906414,
0.05485380440950394,
0.03252844139933586,
-0.03924693167209625,
0.03998176008462906,
0.11097553372383118,
-0.07993566244840622,
-0.038590118288993835,
-0.044791799038648605,
-0.01632017269730568,
-0.02096480503678322,
0.040370337665081024,
-0.11881102621555328,
-0.05030522122979164,
0.1623142510652542,
-0.12387675046920776,
0.023368582129478455,
0.09073290228843689,
-0.031043998897075653,
-0.012780096381902695,
0.1569618284702301,
0.11078353971242905,
-0.334432452917099,
0.1643524169921875,
-0.07684995979070663,
0.1749105155467987,
0.1268300712108612,
-0.055822405964136124,
-0.060221798717975616,
-0.044771987944841385,
0.07912890613079071,
-0.030709153041243553,
0.08864562213420868,
-0.0799059271812439,
-0.017968012019991875,
0.0072895376943051815,
0.09266269952058792,
0.026080990210175514,
-0.01701844111084938,
-0.05345822498202324,
0.03446926176548004,
-0.015249630436301231,
0.18725991249084473,
0.06959468126296997,
-0.09330305457115173,
0.06733642518520355,
0.06085333600640297,
-0.0048562902957201,
-0.02600204572081566,
0.05248240754008293,
-0.041168954223394394,
0.20110221207141876,
-0.009389616549015045,
-0.2782905697822571,
-0.08234868943691254,
-0.1618628054857254,
-0.09734531491994858,
0.02751130983233452,
0.033091556280851364,
-0.1110672727227211,
-0.09525948762893677,
-0.08099357038736343,
0.00560111366212368,
-0.1065640076994896,
0.03955771401524544,
0.1672830879688263,
-0.027840152382850647,
-0.0719868615269661,
-0.08959052711725235,
0.02427114173769951,
-0.07121436297893524,
0.06829819083213806,
0.04280732199549675,
-0.11292015016078949,
0.15166249871253967,
0.05063069611787796,
0.032031454145908356,
0.03603251278400421,
-0.004282486159354448,
0.07152716815471649,
-0.01865072175860405,
0.011804143898189068,
0.1414749026298523,
0.029258063063025475,
-0.012035403400659561,
0.04032452031970024,
0.031692929565906525,
-0.10058333724737167,
0.01953750103712082,
0.0040748282335698605,
-0.1386982500553131,
-0.11919140070676804,
-0.09139961749315262,
-0.0922643169760704,
0.12409332394599915,
0.08669018000364304,
0.0409948006272316,
-0.07703220099210739,
0.028311679139733315,
0.13392195105552673,
0.03789598122239113,
-0.1485457420349121,
0.05029454082250595,
0.05077804625034332,
-0.029635412618517876,
-0.04292359575629234,
-0.028895337134599686,
0.08725811541080475,
0.11511845886707306,
-0.027842797338962555,
0.13764330744743347,
0.024207042530179024,
0.23303431272506714,
0.03811465948820114,
-0.030282316729426384,
0.06686888635158539,
0.07937142997980118,
-0.13046762347221375,
-0.08201272040605545,
-0.027914879843592644,
-0.0200502909719944,
0.10487157851457596,
0.03845032677054405,
-0.23633548617362976,
-0.034291986376047134,
-0.06021816283464432,
0.05365809053182602,
0.043118055909872055,
-0.04886361211538315,
0.11120475828647614,
-0.07159827649593353,
-0.06968151032924652,
-0.07229342311620712,
0.005963153671473265,
-0.016888735815882683,
0.09452634304761887,
0.13327109813690186,
-0.044356707483530045,
0.029859667643904686,
0.040020983666181564,
0.11648440361022949,
0.10300635546445847,
0.017091834917664528,
-0.031195104122161865,
0.02214532345533371,
-0.0343153141438961,
0.107628732919693,
-0.10899306833744049,
0.14452525973320007,
-0.02370389550924301,
-0.10359466820955276,
-0.05145847052335739,
-0.03074018657207489,
-0.05925191193819046,
0.003320755437016487,
0.0994495376944542,
0.040057338774204254,
-0.13744597136974335,
-0.1551765501499176,
-0.13446612656116486,
-0.030174091458320618,
0.04424815997481346,
0.08433876186609268,
0.07624655216932297,
0.02497270703315735,
0.025810537859797478,
-0.020047655329108238,
0.13683153688907623,
0.019604550674557686,
-0.026042962446808815,
0.0352911651134491,
0.047995030879974365,
-0.06999848783016205,
0.018592456355690956,
0.03815910592675209,
-0.09679609537124634,
0.278014600276947,
0.002354217227548361,
-0.03579316288232803,
-0.1345425248146057,
0.19336043298244476,
0.0962861105799675,
-0.03585724160075188,
0.0685291513800621,
-0.10015430301427841,
0.012078188359737396,
0.03497081622481346,
-0.038901425898075104,
0.11932951211929321,
-0.0050312005914747715,
-0.1103009358048439,
0.013090751133859158,
0.09081979840993881,
-0.016499485820531845,
-0.04194869473576546,
0.06866953521966934,
0.0034161799121648073,
0.001402289024554193,
-0.13120129704475403,
0.02263827808201313,
-0.037286292761564255,
0.06434871256351471,
0.05737069621682167,
-0.09416840970516205,
-0.008707751519978046,
0.07474338263273239,
-0.20097744464874268,
0.21533840894699097,
0.16595040261745453,
-0.06857290863990784,
0.1090255007147789,
0.09044528752565384,
-0.030090101063251495,
-0.138935849070549,
0.0487036257982254,
0.0061090257950127125,
0.05636345595121384,
-0.051576513797044754,
-0.1425178349018097,
0.17476369440555573,
0.1837197095155716,
0.005623687524348497,
0.0035012478474527597,
-0.27578046917915344,
-0.08949396014213562,
-0.03245846927165985,
-0.009400472976267338,
0.4155159294605255,
-0.12198568880558014,
-0.03986615687608719,
-0.002273624762892723,
-0.06572312116622925,
0.13812051713466644,
-0.013720542192459106,
0.11732658743858337,
-0.09469719231128693,
-0.026418982073664665,
0.02889472246170044,
-0.05849459767341614,
0.149965301156044,
0.038452472537755966,
0.03926585242152214,
-0.05596032366156578,
0.03865782544016838,
0.13735395669937134,
0.01019559521228075,
0.1340557336807251,
-0.06978482007980347,
0.07278385013341904,
-0.19063204526901245,
-0.06991691887378693,
0.0044933282770216465,
0.010477793402969837,
0.025143442675471306,
-0.07618392258882523,
-0.1607270985841751,
0.07129953801631927,
-0.01018516905605793,
0.013738932088017464,
0.07932823896408081,
0.008757118135690689,
0.03355356678366661,
0.12076664716005325,
-0.13278919458389282,
-0.10685183107852936,
0.13846886157989502,
-0.043334539979696274,
0.016826720908284187,
0.06066928058862686,
-0.13508561253547668,
0.023187709972262383,
0.12959112226963043,
0.11264330893754959,
0.03898170217871666,
-0.009711886756122112,
0.005206717643886805,
0.051209937781095505,
0.054371923208236694,
-0.08065790683031082,
-0.034182433038949966,
-0.0340980589389801,
-0.08623039722442627,
0.012072368524968624,
0.06266582757234573,
0.056885477155447006,
0.03558199852705002,
-0.012333725579082966,
-0.00010741925507318228,
0.014629349112510681,
0.015194900333881378,
0.1405322253704071,
-0.036252107471227646,
0.0360531210899353,
-0.053874045610427856,
0.019635910168290138,
0.08693885803222656,
-0.0240399818867445,
0.007837540470063686,
0.21785037219524384,
-0.11425578594207764,
-0.027705706655979156,
0.03433312103152275,
0.06674258410930634,
-0.09112509340047836,
0.05358675867319107,
-0.049882031977176666,
-0.049711260944604874,
0.0344744548201561,
0.19200406968593597,
0.1188717857003212,
-0.016988685354590416,
0.05204680189490318,
-0.0843624696135521,
-0.14940783381462097,
0.05269939452409744,
0.00644022086635232,
0.10673295706510544,
-0.15962103009223938,
-0.09795860201120377,
-0.023371877148747444,
0.09809625893831253,
-0.07281051576137543,
-0.03485969081521034,
-0.1497928351163864,
-0.07646124809980392,
-0.04991750046610832,
0.04442882537841797,
-0.0600249357521534,
-0.023636942729353905,
-0.08670593053102493,
0.015833299607038498,
-0.024854810908436775,
-0.0021323689725250006,
0.011505789123475552,
-0.027950691059231758,
-0.07496758550405502,
0.10085641592741013,
-0.020913703367114067,
-0.05129697173833847,
0.023393739014863968,
0.0149075947701931,
0.10582559555768967,
-0.002473160857334733,
-0.011626802384853363,
-0.06780340522527695,
0.019006013870239258,
0.04865351691842079,
0.1320447027683258,
0.02997649647295475,
0.03102276287972927,
-0.07037979364395142,
0.029002903029322624,
0.022691940888762474,
0.002378943609073758,
0.013745502568781376,
0.054748669266700745,
-0.15970200300216675,
-0.025242408737540245,
-0.16314400732517242,
-0.048678215593099594,
-0.03873473405838013,
-0.012272191233932972,
0.05400905758142471,
0.06867559999227524,
-0.010400849394500256,
-0.00023978634271770716,
0.03285210207104683,
-0.045915357768535614,
-0.0439145527780056,
-0.023973070085048676,
-0.11040662229061127,
-0.033132459968328476,
0.029497303068637848,
-0.006754761096090078,
-0.05598096176981926,
0.2830817401409149,
0.04746353253722191,
-0.09713412821292877,
0.01914597861468792,
0.010320375673472881,
0.15562181174755096,
-0.03011109121143818,
0.3136153519153595,
0.063195139169693,
0.0006349662435241044,
0.03926151245832443,
0.07925213128328323,
0.07511766999959946,
0.06781360507011414,
0.07541358470916748,
0.12472739815711975,
-0.1114383265376091,
-0.07836436480283737,
-0.07217413187026978,
-0.09399382025003433,
-0.14235706627368927,
0.11142916232347488,
-0.1277749240398407,
0.08412639051675797,
0.05010326951742172,
-0.048354972153902054,
0.12453417479991913,
-0.10131422430276871,
0.003301203018054366,
0.012130162678658962,
-0.05012166500091553,
-0.06774166226387024,
-0.0995715782046318,
-0.10260096192359924,
-0.14736270904541016,
0.0065492806024849415,
-0.09515158087015152,
0.024283111095428467,
0.03953947499394417,
0.042277537286281586,
0.010383674874901772,
0.128037229180336,
-0.00637438939884305,
-0.07659844309091568,
0.02024667337536812,
-0.02341935597360134,
-0.07460982352495193,
-0.03890235349535942,
0.033827267587184906,
0.05579289793968201,
-0.07995107769966125,
-0.034067511558532715,
-0.016760094091296196,
0.07691985368728638,
-0.015593421645462513,
-0.10064208507537842,
-0.0007295031100511551,
-0.0753450021147728,
-0.018136855214834213,
-0.05670901760458946,
-0.06526930630207062,
-0.0013881714548915625,
-0.0883345752954483,
-0.020651211962103844,
0.019904769957065582,
0.05557338893413544,
0.0067082117311656475,
0.04696652293205261,
0.18015056848526,
0.011494326405227184,
-0.03583139926195145,
-0.06388270854949951,
-0.02162078768014908,
-0.02080623060464859,
0.1866735816001892,
0.002438555471599102,
-0.006396878510713577,
-0.0356583409011364,
-0.035125020891427994,
-0.0002788491256069392,
0.016000617295503616,
0.10981585830450058,
0.049429960548877716,
0.15062157809734344,
0.05955285578966141,
-0.11404821276664734,
-0.04887859523296356,
-0.0851997509598732,
-0.17628498375415802,
-0.042980097234249115,
0.16897141933441162,
-0.01634032092988491,
-0.10250775516033173,
0.024115007370710373,
-0.002217032015323639,
0.11910422146320343,
0.06223655864596367,
-0.07272133231163025,
-0.11190599203109741,
-0.05818425863981247,
-0.1165555939078331,
0.0069963568821549416,
-0.025938136503100395,
-0.04488801956176758,
0.09590388834476471,
-0.17154964804649353,
0.04746590554714203,
-0.12627151608467102,
-0.03811297193169594,
0.07141593843698502,
0.016866862773895264,
0.04194329306483269,
-0.0721585750579834,
-0.01669774390757084,
0.06935404241085052,
-0.037418488413095474,
-0.20255832374095917,
0.03455813229084015,
0.011183257214725018,
0.0344122089445591,
0.0022194867487996817,
0.040666211396455765,
-0.006301166955381632,
0.020645394921302795,
-0.04650470241904259,
-0.08228661119937897,
-0.08584517240524292,
0.13938361406326294,
0.06216593459248543,
-0.0452558808028698,
0.027031170204281807,
-0.010044542141258717,
0.12659887969493866,
0.0513196736574173,
-0.05333256348967552,
-0.045884404331445694,
-0.08294256776571274,
0.11161994189023972,
-0.000503058428876102,
-0.06983067840337753,
-0.06071280315518379,
-0.21818463504314423,
-0.014934223145246506,
0.08804038166999817,
-0.0355178602039814,
-0.1299075186252594,
-0.018246300518512726,
-0.06382480263710022,
0.034339290112257004,
-0.03657042980194092,
0.05820504203438759,
0.02056793123483658,
-0.005005454178899527,
-0.006879414897412062,
-0.10441482812166214,
-0.01952516846358776,
0.0762314647436142,
-0.09740415960550308,
-0.1256711781024933
] |
531f2de26dada8bcc16f1f3f049baf3cae916dff |
# A classics data set for use with mistral-7b-v0.1
This dataset was used for a fine-tune of Mistral 7b base model. It contains 1,640 Q/A pairs on Greek & Roman history.
The dataset was generated via Mixtral-8x7b Instruct v01, run over 512 token-length chunks of vol's 2&3 of Will Durants' 13 vol **Story of Civilization** (*Life of Greece* and *Caesar & Christ*).
Training data was formatted with [INST] and [/INST] delimiting instructions:
```bash
{"text": "Q: \"Why did many Greeks come to resent Rome's 'liberation' and 'peacekeeping' efforts, such as forbidding class war and interfering in disputes, despite Rome having given Greece freedom from previous conflicts?\"\nA: Many Greeks came to resent Rome's \"liberation\" and \"peacekeeping\" efforts due to several reasons. First, after the Romans had given Greece freedom...(blah blah blah)...interfering in their domestic affairs, and ultimately"}
``` | wmmarcellino/mistral-7b-v0.1-GreeceRome-v0.1 | [
"language:en",
"license:apache-2.0",
"region:us"
] | 2024-01-14T16:25:18+00:00 | {"language": ["en"], "license": "apache-2.0"} | 2024-01-14T16:29:07+00:00 | [] | [
"en"
] | TAGS
#language-English #license-apache-2.0 #region-us
|
# A classics data set for use with mistral-7b-v0.1
This dataset was used for a fine-tune of Mistral 7b base model. It contains 1,640 Q/A pairs on Greek & Roman history.
The dataset was generated via Mixtral-8x7b Instruct v01, run over 512 token-length chunks of vol's 2&3 of Will Durants' 13 vol Story of Civilization (*Life of Greece* and *Caesar & Christ*).
Training data was formatted with [INST] and [/INST] delimiting instructions:
| [
"# A classics data set for use with mistral-7b-v0.1\nThis dataset was used for a fine-tune of Mistral 7b base model. It contains 1,640 Q/A pairs on Greek & Roman history.\nThe dataset was generated via Mixtral-8x7b Instruct v01, run over 512 token-length chunks of vol's 2&3 of Will Durants' 13 vol Story of Civilization (*Life of Greece* and *Caesar & Christ*).\n\nTraining data was formatted with [INST] and [/INST] delimiting instructions:"
] | [
"TAGS\n#language-English #license-apache-2.0 #region-us \n",
"# A classics data set for use with mistral-7b-v0.1\nThis dataset was used for a fine-tune of Mistral 7b base model. It contains 1,640 Q/A pairs on Greek & Roman history.\nThe dataset was generated via Mixtral-8x7b Instruct v01, run over 512 token-length chunks of vol's 2&3 of Will Durants' 13 vol Story of Civilization (*Life of Greece* and *Caesar & Christ*).\n\nTraining data was formatted with [INST] and [/INST] delimiting instructions:"
] | [
18,
131
] | [
"passage: TAGS\n#language-English #license-apache-2.0 #region-us \n# A classics data set for use with mistral-7b-v0.1\nThis dataset was used for a fine-tune of Mistral 7b base model. It contains 1,640 Q/A pairs on Greek & Roman history.\nThe dataset was generated via Mixtral-8x7b Instruct v01, run over 512 token-length chunks of vol's 2&3 of Will Durants' 13 vol Story of Civilization (*Life of Greece* and *Caesar & Christ*).\n\nTraining data was formatted with [INST] and [/INST] delimiting instructions:"
] | [
-0.1278616487979889,
0.015379063785076141,
0.0011759789194911718,
0.10745508223772049,
0.022060208022594452,
0.06777654588222504,
0.07497625052928925,
0.1003703847527504,
0.14324462413787842,
-0.043869249522686005,
0.11147309839725494,
-0.0709671750664711,
-0.01621084474027157,
0.016304882243275642,
-0.04427628219127655,
-0.2583032548427582,
0.01944044604897499,
0.010924204252660275,
-0.1020718365907669,
0.07327508926391602,
0.047703102231025696,
-0.02396468259394169,
0.06479615718126297,
-0.12304569035768509,
0.009538667276501656,
0.035151515156030655,
-0.04381326586008072,
0.012389256618916988,
0.14558972418308258,
0.002959775272756815,
0.02635451778769493,
-0.012140189297497272,
0.14903037250041962,
-0.10064628720283508,
0.027888678014278412,
-0.08584991097450256,
-0.052706193178892136,
0.05055838078260422,
-0.059413790702819824,
0.04016580432653427,
0.15812717378139496,
0.05639607459306717,
0.0021464917808771133,
-0.033383846282958984,
-0.13925877213478088,
-0.02357933297753334,
-0.11698702722787857,
0.021798569709062576,
0.07376134395599365,
0.11282798647880554,
0.040919121354818344,
0.10230055451393127,
-0.11537890881299973,
0.011975154280662537,
0.08309996873140335,
-0.1668843924999237,
-0.047130879014730453,
0.07264109700918198,
0.026842761784791946,
0.20609663426876068,
-0.022769790142774582,
0.052689116448163986,
0.02487107925117016,
0.014147591777145863,
-0.13123701512813568,
-0.06409422308206558,
-0.10005956143140793,
0.04007464647293091,
-0.1096654161810875,
-0.05302001163363457,
0.38848260045051575,
0.03534252941608429,
0.013611921109259129,
0.13838374614715576,
-0.002188317012041807,
-0.011177832260727882,
-0.000942688959185034,
-0.009368360042572021,
-0.04657677933573723,
0.03234327584505081,
0.12545549869537354,
-0.10082334280014038,
-0.12191776186227798,
-0.10120664536952972,
-0.09232478588819504,
-0.01047147810459137,
0.018252931535243988,
0.11943893134593964,
-0.10106056183576584,
0.07486642897129059,
-0.2217095047235489,
-0.0538998581469059,
-0.04188423976302147,
-0.012398669496178627,
0.014567079022526741,
-0.0389641635119915,
-0.04514056071639061,
0.07445715367794037,
0.053153008222579956,
0.15367744863033295,
0.031192190945148468,
0.04967814311385155,
0.022607382386922836,
0.08517564088106155,
-0.008595759980380535,
0.056054022163152695,
0.04864738509058952,
-0.11547642201185226,
0.13047543168067932,
0.012336529791355133,
0.026991302147507668,
0.027060942724347115,
-0.16604718565940857,
-0.09602814167737961,
0.03269677609205246,
0.07448609173297882,
0.01318789180368185,
-0.04101550206542015,
0.06682096421718597,
-0.01264763530343771,
0.16010597348213196,
-0.048744916915893555,
-0.013739330694079399,
0.0072687044739723206,
-0.12356337904930115,
-0.04236194118857384,
0.049290865659713745,
0.029745295643806458,
-0.0036156184505671263,
-0.10402271896600723,
-0.02858547680079937,
0.011712338775396347,
0.03141271322965622,
-0.06610152870416641,
0.06631040573120117,
-0.04770152270793915,
0.04765854775905609,
-0.0706670805811882,
-0.2910853624343872,
0.01579708606004715,
0.06501903384923935,
-0.04918361082673073,
0.009887849912047386,
-0.024147886782884598,
0.07771711051464081,
-0.06381241977214813,
0.024498358368873596,
0.028018618002533913,
-0.09529532492160797,
0.04401600733399391,
-0.08383326232433319,
0.03889799863100052,
-0.333474725484848,
0.02554387040436268,
-0.14460517466068268,
-0.041012927889823914,
-0.12298379838466644,
0.021260302513837814,
0.003559724660590291,
0.02022666297852993,
-0.09293819963932037,
-0.010900883935391903,
-0.06335163116455078,
-0.07041625678539276,
0.02310892567038536,
0.14849406480789185,
-0.2889356017112732,
0.03126072138547897,
-0.007497607264667749,
-0.0995330661535263,
-0.2092668116092682,
0.12523961067199707,
-0.019435038790106773,
0.1022343784570694,
0.07356049120426178,
0.22021588683128357,
0.0390591137111187,
-0.033367011696100235,
0.049702439457178116,
0.018798206001520157,
0.09193042665719986,
-0.1430145651102066,
0.077354297041893,
-0.04088357463479042,
0.023889679461717606,
0.04408155381679535,
-0.19890262186527252,
0.026508409529924393,
0.006840035784989595,
-0.07031736522912979,
-0.03905537351965904,
-0.06528472900390625,
-0.004951154347509146,
0.05671324208378792,
0.09628607332706451,
-0.01008237898349762,
0.03591407835483551,
0.0819130390882492,
0.09088192880153656,
-0.029075713828206062,
0.05273658037185669,
0.06130555272102356,
0.21822145581245422,
-0.013614180497825146,
0.03466439247131348,
-0.09272105246782303,
0.005360782612115145,
-0.005952510517090559,
0.21201717853546143,
0.11388953030109406,
0.06594253331422806,
0.10237520933151245,
0.03167077526450157,
-0.10280588269233704,
0.05721510574221611,
-0.041756294667720795,
0.03790373355150223,
-0.08590149879455566,
-0.10670889914035797,
-0.03642802685499191,
-0.05765574052929878,
0.11024739593267441,
-0.13513657450675964,
-0.0034919672179967165,
-0.048153143376111984,
0.021798480302095413,
-0.035899221897125244,
-0.006468415725976229,
-0.013022681698203087,
-0.03092864528298378,
-0.002887523267418146,
-0.024216024205088615,
0.023044610396027565,
-0.05087215080857277,
-0.13628321886062622,
-0.030760712921619415,
-0.069551020860672,
0.013463101349771023,
0.10603636503219604,
0.03725070133805275,
0.044494617730379105,
-0.15079182386398315,
0.023543231189250946,
-0.019365282729268074,
-0.014303762465715408,
-0.02344432659447193,
0.13806037604808807,
0.03837722912430763,
0.0071413409896194935,
-0.07169122993946075,
0.03971722349524498,
-0.023296190425753593,
-0.02547430619597435,
-0.022572141140699387,
0.10270415246486664,
0.057776618748903275,
-0.30616459250450134,
0.034486956894397736,
0.27697956562042236,
-0.06757142394781113,
0.0927114263176918,
-0.04710628092288971,
-0.08119937032461166,
0.0016061367932707071,
-0.013685151934623718,
-0.01897267811000347,
0.12127780169248581,
-0.1830759048461914,
0.07741201668977737,
-0.014404037036001682,
0.0702541321516037,
0.007851674221456051,
-0.08421387523412704,
-0.0377509780228138,
-0.03951938450336456,
-0.047647781670093536,
-0.09267684817314148,
-0.004931770730763674,
-0.07036187499761581,
0.09126793593168259,
0.01088147796690464,
-0.12209463119506836,
0.021522441878914833,
0.023132920265197754,
-0.07927042245864868,
0.1619216799736023,
-0.16702310740947723,
0.038196906447410583,
-0.07158604264259338,
-0.00510070938616991,
-0.01747121661901474,
-0.022514576092362404,
0.033567819744348526,
-0.0010824826313182712,
0.018802406266331673,
-0.07561538368463516,
0.04793300852179527,
-0.027273187413811684,
-0.04594559967517853,
-0.03717973083257675,
-0.013291715644299984,
-0.10361173748970032,
-0.06916166096925735,
0.005247572436928749,
-0.13751396536827087,
-0.1139882430434227,
0.02241867035627365,
-0.19546155631542206,
0.0011527040041983128,
0.10365325957536697,
-0.05051441118121147,
0.047719039022922516,
-0.025743143633008003,
0.24375179409980774,
-0.029730772599577904,
0.12103024870157242,
0.09170184284448624,
-0.026642655953764915,
-0.009525039233267307,
0.1461784690618515,
0.06547393649816513,
-0.05924001708626747,
-0.005825768690556288,
-0.04586473107337952,
-0.0878668874502182,
-0.20535367727279663,
-0.09160321205854416,
-0.09706868976354599,
-0.009417006745934486,
0.06373587995767593,
0.06731919944286346,
-0.0005731387645937502,
0.011004026979207993,
0.0061029852367937565,
0.047026414424180984,
0.09010007977485657,
-0.01505690161138773,
0.11681775003671646,
0.024873029440641403,
-0.02249681018292904,
-0.023995276540517807,
0.09253451973199844,
0.11788218468427658,
0.11551444232463837,
0.22168201208114624,
0.029474906623363495,
0.06411997228860855,
-0.02728929929435253,
0.14697763323783875,
-0.019783366471529007,
0.09189178049564362,
0.0047779083251953125,
-0.026396458968520164,
-0.05531357601284981,
-0.06697744131088257,
0.04962477833032608,
0.054206229746341705,
-0.00015933859685901552,
-0.032682016491889954,
0.021395208314061165,
0.034654244780540466,
0.011490254662930965,
0.0361715666949749,
0.11518146842718124,
-0.091146320104599,
-0.065423384308815,
0.07328478991985321,
0.06261187791824341,
-0.018290791660547256,
0.07414837926626205,
0.035940635949373245,
0.0013470015255734324,
0.05225587636232376,
0.03045029379427433,
0.13686467707157135,
0.008394649252295494,
-0.0009510543313808739,
-0.12539683282375336,
-0.1030869111418724,
-0.004484149161726236,
0.07410865277051926,
-0.08589103817939758,
0.25593501329421997,
0.016887711361050606,
0.043762560933828354,
-0.003952781669795513,
-0.04992153123021126,
0.05400904640555382,
0.25301381945610046,
0.062255341559648514,
0.059184834361076355,
-0.005278011318296194,
0.06352081149816513,
-0.08010896295309067,
0.04837625473737717,
-0.1034853458404541,
0.02813306450843811,
-0.0334523506462574,
-0.007005872204899788,
0.003870903979986906,
0.03245110064744949,
0.03580508381128311,
-0.14874471724033356,
-0.08055181801319122,
-0.015162153169512749,
-0.009482055902481079,
-0.031052449718117714,
0.03367800638079643,
-0.07280293852090836,
-0.010866417549550533,
0.004355326760560274,
0.0708262249827385,
-0.005693097598850727,
-0.048632994294166565,
0.06723693013191223,
0.20507194101810455,
-0.059735096991062164,
0.017777735367417336,
0.0026049944572150707,
-0.07944558560848236,
-0.046692244708538055,
-0.065176822245121,
0.07867292314767838,
-0.05836362764239311,
-0.017935270443558693,
-0.009552275761961937,
0.02917463332414627,
0.04481663554906845,
0.07944601029157639,
0.03408804535865784,
0.01509124506264925,
-0.052876099944114685,
-0.0724431723356247,
-0.020958466455340385,
-0.010076507925987244,
-0.09007932245731354,
0.05043380334973335,
-0.07070222496986389,
-0.13492675125598907,
0.003693819511681795,
-0.04864593595266342,
0.14385256171226501,
0.13418716192245483,
-0.05247342213988304,
-0.013429016806185246,
0.213682159781456,
-0.10184257477521896,
-0.1818511039018631,
0.017301594838500023,
-0.048507895320653915,
-0.005057886242866516,
0.03351850062608719,
-0.07344435155391693,
0.06419570744037628,
0.15773706138134003,
-0.017467761412262917,
0.09965458512306213,
-0.2315867841243744,
-0.08908233046531677,
0.15828189253807068,
0.03301157429814339,
0.31060248613357544,
-0.02158549800515175,
-0.008677061647176743,
-0.011204772628843784,
-0.11414338648319244,
0.0029870120342820883,
-0.07088712602853775,
0.02534491941332817,
-0.08326795697212219,
0.03852830454707146,
-0.007724863942712545,
0.014648615382611752,
0.12015844881534576,
-0.0224470067769289,
0.03203729912638664,
-0.04413231834769249,
-0.14251336455345154,
0.14115938544273376,
-0.060107599943876266,
0.05625712871551514,
-0.025593888014554977,
0.004703865386545658,
-0.07029751688241959,
0.06404007971286774,
-0.06376650929450989,
0.02253018692135811,
-0.011718896217644215,
-0.040157899260520935,
0.009083504788577557,
0.032183948904275894,
-0.10394244641065598,
0.014961647801101208,
0.25025394558906555,
0.012247057631611824,
0.009976131841540337,
0.07490287721157074,
0.028481081128120422,
-0.026527266949415207,
0.09153755009174347,
0.00459892675280571,
0.0015866195317357779,
0.0030859624966979027,
-0.14055892825126648,
-0.016256337985396385,
0.16079670190811157,
0.013620526529848576,
0.06032233312726021,
0.019706878811120987,
-0.049932483583688736,
0.04921862483024597,
0.03661397099494934,
-0.041138626635074615,
-0.22293294966220856,
-0.03790789470076561,
-0.010314549319446087,
-0.05945262312889099,
0.06541037559509277,
0.11814679950475693,
-0.07281684130430222,
-0.06133332476019859,
-0.027469931170344353,
0.040265366435050964,
-0.0945407971739769,
0.14511160552501678,
0.013101714663207531,
-0.03669045865535736,
-0.10286027938127518,
0.14137564599514008,
0.08111356943845749,
-0.02128589153289795,
-0.006476045586168766,
0.19724959135055542,
-0.11605726182460785,
-0.13082757592201233,
0.08212878555059433,
0.06280174106359482,
-0.08765986561775208,
-0.006251771003007889,
-0.03788450360298157,
-0.08547370135784149,
0.021936899051070213,
0.17401078343391418,
0.05432810261845589,
-0.05475681275129318,
-0.05539526790380478,
-0.11133108288049698,
0.03124620020389557,
0.06407441943883896,
-0.019812168553471565,
-0.017596285790205002,
-0.0304314736276865,
-0.1809636950492859,
-0.063127800822258,
-0.012755242176353931,
-0.012704494409263134,
-0.10439269989728928,
-0.03384155035018921,
0.05922354757785797,
-0.2688048183917999,
0.03384771570563316,
-0.032799724489450455,
0.05352706462144852,
-0.0477575846016407,
-0.10030648857355118,
-0.03200393170118332,
0.021244660019874573,
-0.12375038862228394,
0.06301728636026382,
-0.04269682615995407,
0.051485076546669006,
-0.06501832604408264,
-0.07658037543296814,
0.03828694298863411,
0.021914539858698845,
0.12961497902870178,
0.14644519984722137,
0.005439208820462227,
0.14523091912269592,
-0.1468668282032013,
-0.009822449646890163,
0.07250641286373138,
0.0883030816912651,
0.10493678599596024,
-0.029035910964012146,
-0.08171378076076508,
0.0459367036819458,
0.023002609610557556,
0.02824127860367298,
0.0940660908818245,
-0.037896815687417984,
-0.02348124049603939,
-0.05834037810564041,
-0.11299100518226624,
-0.009038408286869526,
0.0626634806394577,
0.09915868937969208,
0.08322343230247498,
0.01968129724264145,
0.018564576283097267,
-0.006985047832131386,
-0.08561883866786957,
-0.018089985474944115,
0.007494817487895489,
-0.09109246730804443,
-0.2379627376794815,
-0.008746369741857052,
0.01865507662296295,
0.058964941650629044,
0.021930893883109093,
-0.061078961938619614,
0.02114911749958992,
-0.010905825532972813,
0.19377467036247253,
-0.007449055090546608,
-0.03376968950033188,
0.2036411315202713,
0.016393505036830902,
-0.023542219772934914,
-0.08999985456466675,
0.05171699449419975,
-0.0024154679849743843,
0.139170303940773,
0.117695651948452,
0.019733520224690437,
0.09729175269603729,
0.058703240007162094,
0.02637440152466297,
0.015825118869543076,
0.0729939341545105,
-0.10243510454893112,
0.14523333311080933,
0.05334743112325668,
-0.03967876732349396,
0.06994973868131638,
0.13711223006248474,
-0.08020919561386108,
-0.05346445366740227,
-0.0775524452328682,
-0.10085124522447586,
-0.09544304013252258,
-0.12884387373924255,
-0.011988436803221703,
-0.0953337773680687,
-0.06370165199041367,
-0.09657108783721924,
0.038153570145368576,
-0.007649461273103952,
0.04954759404063225,
-0.009564662352204323,
-0.005455590784549713,
0.03951520472764969,
-0.07133924961090088,
-0.008709490299224854,
0.002425001235678792,
-0.007818435318768024,
0.018316807225346565,
0.031584739685058594,
0.030355092138051987,
-0.17667002975940704,
-0.05902053043246269,
-0.0014304171781986952,
0.02291044034063816,
0.0228167325258255,
-0.06342870742082596,
-0.0394471175968647,
-0.048526741564273834,
0.03104730136692524,
-0.012147841043770313,
0.159840926527977,
0.08060860633850098,
-0.028763914480805397,
0.05901189520955086,
0.20871801674365997,
-0.0018341636750847101,
-0.12308529764413834,
-0.025986742228269577,
0.08166269212961197,
0.04122405871748924,
-0.004711628891527653,
0.015179837122559547,
-0.06590917706489563,
0.08582839369773865,
0.12144415080547333,
0.27711936831474304,
0.012971439398825169,
-0.02724015712738037,
0.006547851487994194,
0.01564713753759861,
-0.022298773750662804,
0.049035221338272095,
-0.0165229681879282,
0.04996461421251297,
-0.08120730519294739,
0.03315266594290733,
-0.06537263840436935,
-0.015606287866830826,
-0.07537193596363068,
-0.08212539553642273,
0.01166542898863554,
-0.07802001386880875,
-0.03578653931617737,
0.15173882246017456,
-0.0922681987285614,
-0.10056193172931671,
-0.0734659731388092,
-0.1795642077922821,
-0.08922760933637619,
-0.09734736382961273,
0.1047857478260994,
0.07905638962984085,
0.051578059792518616,
-0.07430997490882874,
0.02218261919915676,
0.06695303320884705,
-0.0008516639936715364,
-0.22050942480564117,
-0.25692975521087646,
0.15778331458568573,
0.028125368058681488,
0.07039834558963776,
-0.007488793693482876,
0.13142885267734528,
0.010581322945654392,
0.04603695869445801,
-0.09364053606987,
0.033034294843673706,
0.04365481063723564,
0.13540033996105194,
-0.03725020959973335,
-0.043239135295152664,
-0.0834047868847847,
0.10111021250486374,
0.05178925395011902,
0.010727493092417717,
0.0038033444434404373,
0.042431265115737915,
-0.07852085679769516,
-0.022997787222266197,
0.0530368834733963,
-0.01779204048216343,
0.11690821498632431,
0.045260392129421234,
-0.030213771387934685,
0.00529441749677062,
-0.054564639925956726,
-0.015356263145804405,
0.130100816488266,
0.03977145999670029,
-0.0747530460357666,
-0.04396817088127136,
-0.03539200499653816,
0.02437940053641796,
-0.02221081778407097,
-0.07236168533563614,
-0.07060103118419647,
-0.1392109990119934,
-0.031163234263658524,
-0.03608310595154762,
0.09088325500488281,
0.15113461017608643,
-0.03496551141142845,
0.0014163299929350615,
0.0333440937101841,
-0.018365953117609024,
0.0004262971051502973,
-0.09264684468507767,
-0.06095690652728081
] |
1a47923fb183e14b2674f79c54d0ab1cf223a2e0 |
To watch a video on how this dataset was created, watch the following videos:
Are words free?:
* https://youtu.be/Utg_D-yQB_E?si=FKp_QZ4PbKesiDrn
Replacing Chatgpt 3.5 turbo workflows with Openchat:
* https://youtu.be/DNKepnKuZns?si=bleufaiGdwGdrueK
| russellbal/dictionary-openchat-3.5-0106 | [
"license:wtfpl",
"region:us"
] | 2024-01-14T17:02:26+00:00 | {"license": "wtfpl"} | 2024-01-14T18:00:23+00:00 | [] | [] | TAGS
#license-wtfpl #region-us
|
To watch a video on how this dataset was created, watch the following videos:
Are words free?:
* URL
Replacing Chatgpt 3.5 turbo workflows with Openchat:
* URL
| [] | [
"TAGS\n#license-wtfpl #region-us \n"
] | [
14
] | [
"passage: TAGS\n#license-wtfpl #region-us \n"
] | [
-0.017227889969944954,
0.03470734879374504,
-0.00771453557536006,
-0.019133415073156357,
0.013672398403286934,
0.05650044232606888,
0.13293826580047607,
0.039846271276474,
0.22296394407749176,
-0.09283734112977982,
0.12582427263259888,
0.04094382002949715,
0.008040200918912888,
0.005035282112658024,
-0.02093479409813881,
-0.14630524814128876,
0.037374529987573624,
-0.012509159743785858,
0.020572194829583168,
0.037785604596138,
-0.030762724578380585,
-0.0556827187538147,
-0.0061253998428583145,
-0.016887743026018143,
-0.1305142492055893,
0.04185148701071739,
0.03014557808637619,
-0.03506283462047577,
0.09202858805656433,
0.053328439593315125,
0.11893369257450104,
0.07643745094537735,
0.004847441799938679,
-0.21324001252651215,
0.012763026170432568,
-0.09433045238256454,
-0.13047927618026733,
0.024041561409831047,
0.07538606226444244,
-0.035890307277441025,
0.00010368227958679199,
0.10737474262714386,
-0.04011811316013336,
0.05787964165210724,
-0.20963984727859497,
-0.20652295649051666,
-0.08067605644464493,
0.07898460328578949,
0.008490599691867828,
0.037127502262592316,
0.08902284502983093,
0.19881394505500793,
-0.1636136919260025,
0.03749241307377815,
0.05343842878937721,
-0.3820036053657532,
0.08424548804759979,
0.13838285207748413,
0.013755284249782562,
-0.025198034942150116,
-0.042561039328575134,
0.0857749879360199,
0.0898263156414032,
-0.02639072947204113,
-0.12008886784315109,
-0.0709165632724762,
-0.04913366213440895,
0.1414739191532135,
-0.034759145230054855,
-0.0840601921081543,
0.2815433442592621,
0.017557138577103615,
-0.03857928141951561,
0.11933839321136475,
0.0076315635815262794,
-0.035388026386499405,
0.04562191665172577,
0.06369241327047348,
0.019591696560382843,
0.14056019484996796,
0.12530478835105896,
0.020006254315376282,
-0.15017856657505035,
-0.010811869986355305,
-0.26392611861228943,
0.19967828691005707,
-0.023785322904586792,
0.11993585526943207,
-0.21623677015304565,
0.04539119824767113,
-0.12401963770389557,
-0.033776722848415375,
-0.028903014957904816,
-0.06805406510829926,
0.060073766857385635,
-0.004126330837607384,
-0.03904136270284653,
0.1319083720445633,
0.04796136915683746,
0.16136214137077332,
-0.031809404492378235,
-0.012738832272589207,
-0.08608916401863098,
0.1703241467475891,
0.01935269683599472,
0.04501497745513916,
0.1594981849193573,
0.0733722597360611,
-0.010090314783155918,
-0.21525165438652039,
-0.01669401116669178,
0.00013061478966847062,
-0.11342516541481018,
-0.0346653126180172,
-0.20458340644836426,
0.14154498279094696,
-0.04131721332669258,
-0.0372423380613327,
-0.08737199753522873,
0.06593353301286697,
0.16901105642318726,
-0.044501300901174545,
-0.009901114739477634,
0.019769610837101936,
0.03689718618988991,
0.03499981388449669,
-0.005185211077332497,
-0.01598944514989853,
0.08611727505922318,
0.13523849844932556,
-0.13951514661312103,
-0.0042922887951135635,
0.01692773588001728,
0.04032575711607933,
0.10040437430143356,
-0.025612715631723404,
0.04135705903172493,
-0.11957233399152756,
-0.21200163662433624,
0.014461904764175415,
-0.03475707024335861,
0.014283550903201103,
0.10596410185098648,
0.07553783059120178,
0.04481940343976021,
-0.05073009803891182,
-0.06654529273509979,
-0.0890708938241005,
-0.0647381991147995,
0.1214255765080452,
-0.06396791338920593,
0.01014802884310484,
-0.28621312975883484,
-0.014969618991017342,
-0.14244863390922546,
0.034334614872932434,
0.010435576550662518,
-0.07433068752288818,
-0.11028221994638443,
0.19815188646316528,
0.01596211828291416,
0.026259860023856163,
-0.17646653950214386,
0.051162246614694595,
-0.06729681044816971,
0.10914422571659088,
-0.11918988823890686,
-0.08550988882780075,
0.19738741219043732,
-0.14603152871131897,
-0.13848751783370972,
-0.006349052768200636,
0.0048819552175700665,
0.10308340936899185,
0.08813518285751343,
0.39884382486343384,
0.032805442810058594,
-0.12421154975891113,
0.09966439753770828,
0.17095626890659332,
-0.1616653949022293,
-0.21422332525253296,
0.07261350005865097,
-0.12829317152500153,
-0.23171663284301758,
0.003397568827494979,
-0.026735881343483925,
0.07509513199329376,
-0.04581388458609581,
-0.0492657795548439,
0.02826765924692154,
-0.016551367938518524,
0.038148537278175354,
0.0050702341832220554,
0.06810125708580017,
-0.08003395050764084,
0.07079299539327621,
0.049005765467882156,
0.012997109442949295,
0.13368858397006989,
0.005327960010617971,
-0.06934821605682373,
-0.011944755911827087,
0.0891929343342781,
-0.01656530238687992,
-0.05656074732542038,
-0.07260581851005554,
0.00983455777168274,
0.04766794666647911,
0.10893827676773071,
0.20531487464904785,
0.04633055627346039,
-0.03416498005390167,
0.03889919072389603,
0.0077178627252578735,
0.08324558287858963,
0.06263699382543564,
0.03517201170325279,
-0.07893332093954086,
0.05031682550907135,
-0.03738320618867874,
-0.11631295084953308,
-0.08937160670757294,
-0.04363914951682091,
0.1420682966709137,
-0.03703306242823601,
0.000491518119815737,
0.06535109132528305,
-0.038087148219347,
0.010176409967243671,
0.06505995988845825,
0.018219657242298126,
0.09570889919996262,
-0.002894641598686576,
-0.05210321024060249,
0.20629826188087463,
-0.026591770350933075,
0.2461429387331009,
0.17936855554580688,
-0.0996699333190918,
-0.015407977625727654,
-0.10497026890516281,
-0.021327389404177666,
-0.008294494822621346,
0.03336651995778084,
-0.04400743544101715,
-0.027078794315457344,
-0.044640157371759415,
0.018645761534571648,
-0.04056555777788162,
-0.004637004807591438,
-0.0539805069565773,
-0.056831225752830505,
-0.0711732804775238,
0.0414731502532959,
0.19237177073955536,
-0.19900256395339966,
0.1261870265007019,
0.41594719886779785,
0.14643089473247528,
0.20857828855514526,
-0.1586993932723999,
0.005769042298197746,
-0.031568270176649094,
0.02942381612956524,
-0.049788620322942734,
0.15164853632450104,
-0.05514991655945778,
0.019467951729893684,
0.04945520684123039,
0.01938507705926895,
0.057859472930431366,
-0.1921161413192749,
-0.14935506880283356,
-0.0032810261473059654,
-0.03339793160557747,
-0.21789854764938354,
0.0286854300647974,
-0.07718439400196075,
0.04255009815096855,
-0.016406182199716568,
-0.08042405545711517,
0.14849191904067993,
-0.022856269031763077,
-0.08685007691383362,
0.04687069356441498,
-0.17001980543136597,
-0.12314799427986145,
-0.17784710228443146,
-0.09074358642101288,
0.05579341948032379,
0.026962121948599815,
0.06281910836696625,
-0.02474902756512165,
-0.0673348531126976,
0.0890481248497963,
-0.0067137544974684715,
-0.10311451554298401,
-0.0015486814081668854,
0.03284233808517456,
0.06748384237289429,
-0.04376864433288574,
-0.09102074056863785,
-0.076832115650177,
-0.02671773172914982,
-0.00486613716930151,
0.08524486422538757,
-0.07081323117017746,
0.08863086253404617,
0.13061851263046265,
0.009741905145347118,
0.061027903109788895,
-0.0805448517203331,
0.143107607960701,
-0.050158172845840454,
-0.06940748542547226,
0.08279010653495789,
-0.06622979044914246,
0.03583436831831932,
0.12898258864879608,
0.11703460663557053,
-0.1181631088256836,
-0.026289984583854675,
-0.1043141558766365,
-0.11141387373209,
-0.240438774228096,
-0.08179613947868347,
-0.08217954635620117,
0.16440653800964355,
0.02945607900619507,
0.09151273220777512,
0.07796961814165115,
0.02842419035732746,
0.0929652750492096,
-0.002342676045373082,
-0.04646933078765869,
0.012976448982954025,
0.2301291823387146,
-0.018921561539173126,
-0.01405431516468525,
-0.18321268260478973,
-0.021180739626288414,
0.13498272001743317,
0.09026741981506348,
0.11947453022003174,
0.2594444751739502,
0.06303330510854721,
0.12608426809310913,
0.11813909560441971,
0.1374671757221222,
0.11347179859876633,
0.0398687981069088,
-0.05458866059780121,
-0.03181621804833412,
-0.035311538726091385,
0.029545055702328682,
0.036327898502349854,
0.0478581078350544,
-0.20840494334697723,
0.03141472488641739,
-0.3014788329601288,
0.004426735453307629,
-0.09467223286628723,
0.09339436888694763,
0.01291053369641304,
0.09493165463209152,
0.05945656821131706,
0.04086720198392868,
-0.01412433385848999,
0.13471075892448425,
-0.012963182292878628,
-0.09925218671560287,
0.0804707407951355,
0.05963527411222458,
0.0782741904258728,
0.09430880099534988,
0.07395747303962708,
-0.05714316666126251,
-0.1791745126247406,
0.016598787158727646,
0.12920725345611572,
-0.19575202465057373,
0.28218504786491394,
0.027552247047424316,
-0.07237850874662399,
-0.047412291169166565,
-0.0885273665189743,
-0.007164640352129936,
0.1822267323732376,
0.09302151203155518,
0.05587983876466751,
-0.04242049157619476,
-0.06138443946838379,
0.03715809807181358,
-0.010560253635048866,
0.10765523463487625,
0.03960244357585907,
-0.1336345672607422,
-0.02803346887230873,
0.03764647990465164,
-0.004275843966752291,
0.06718680262565613,
-0.036119502037763596,
-0.0369463711977005,
0.00040533559513278306,
0.014242436736822128,
0.04702940210700035,
-0.03949528932571411,
0.03491613641381264,
-0.181099072098732,
0.030004408210515976,
-0.062688447535038,
0.05028660595417023,
-0.1072317510843277,
-0.1960669606924057,
0.013503643684089184,
-0.053827736526727676,
-0.007618731819093227,
-0.008168820291757584,
-0.19008249044418335,
-0.12135398387908936,
-0.1949860155582428,
0.1255541294813156,
-0.05380186811089516,
0.015446219593286514,
-0.0490744523704052,
0.16484862565994263,
-0.08712458610534668,
0.04086724668741226,
-0.015138505026698112,
-0.0065800840966403484,
0.012635218910872936,
-0.13714846968650818,
0.08864043653011322,
-0.13151927292346954,
-0.0339900478720665,
0.042123276740312576,
-0.0008461036486551166,
0.023600945249199867,
0.03783975541591644,
-0.05447043105959892,
0.17291566729545593,
0.3318262994289398,
-0.029441548511385918,
0.2586577236652374,
0.24842458963394165,
-0.10034462809562683,
-0.27004140615463257,
-0.056977808475494385,
-0.24252396821975708,
-0.0776599794626236,
0.17203059792518616,
-0.10655811429023743,
0.10854802280664444,
0.1495407521724701,
-0.09259507805109024,
0.34283390641212463,
-0.18161290884017944,
-0.058606572449207306,
0.12928155064582825,
-0.05587179213762283,
0.4290539622306824,
-0.08792752772569656,
-0.13560166954994202,
0.023709826171398163,
-0.2562069296836853,
0.1953691840171814,
-0.02301248349249363,
0.027925657108426094,
0.017527390271425247,
0.0068108923733234406,
-0.005304380320012569,
-0.028399040922522545,
0.17650388181209564,
0.04932640865445137,
0.12489814311265945,
-0.07174479961395264,
-0.03147446736693382,
0.21550899744033813,
0.04490966722369194,
0.04459216073155403,
-0.03299248218536377,
-0.03332839906215668,
-0.10269130766391754,
0.015574481338262558,
-0.06528972089290619,
0.08476849645376205,
0.014087064191699028,
-0.0789128765463829,
-0.04223261773586273,
0.006239022593945265,
-0.13850297033786774,
-0.07725111395120621,
0.20473767817020416,
-0.01794768124818802,
0.03830445930361748,
0.0725444033741951,
0.02286946214735508,
-0.11359124630689621,
-0.03375069797039032,
-0.10956811159849167,
-0.08057013899087906,
0.07952004671096802,
-0.15948112308979034,
-0.004702966194599867,
0.11051680892705917,
0.02233150228857994,
0.07594898343086243,
0.08442127704620361,
-0.06513935327529907,
-0.06740156561136246,
0.17058126628398895,
-0.1525174379348755,
-0.07191594690084457,
0.023762324824929237,
0.004305308684706688,
0.1828993856906891,
0.027895936742424965,
0.024134473875164986,
0.03259587287902832,
0.039400458335876465,
0.019995830953121185,
-0.012632535770535469,
-0.12606698274612427,
-0.011934351176023483,
0.0999392420053482,
0.001828982844017446,
-0.15096336603164673,
0.16104942560195923,
0.023231063038110733,
-0.01590828038752079,
-0.05409495532512665,
0.12109661102294922,
-0.05988462641835213,
-0.0712445005774498,
-0.19490168988704681,
0.05971115827560425,
-0.1657337248325348,
-0.10613834857940674,
0.06856194138526917,
-0.11007559299468994,
-0.0028541095089167356,
0.17506611347198486,
0.03895936533808708,
0.15891501307487488,
0.017869750037789345,
-0.03567240759730339,
0.10367570072412491,
-0.08835188299417496,
-0.16163666546344757,
0.04836415499448776,
-0.09389892220497131,
0.039996497333049774,
-0.0025366523768752813,
0.11576715856790543,
-0.06647296994924545,
-0.07236462086439133,
-0.19931821525096893,
0.09383373707532883,
-0.09189955145120621,
-0.04570972919464111,
-0.08520529419183731,
-0.011485856026411057,
0.06005018949508667,
-0.04735057055950165,
-0.021263252943754196,
-0.015327824279665947,
-0.18465961515903473,
0.06612414121627808,
0.08363714069128036,
0.03816787526011467,
-0.05160041153430939,
-0.009947583079338074,
0.13030590116977692,
0.055679161101579666,
0.08547747135162354,
0.08077455312013626,
0.007467623334378004,
0.19312739372253418,
-0.14230017364025116,
-0.04778843745589256,
0.10767444223165512,
-0.016812829300761223,
0.02137013152241707,
0.1713426560163498,
-0.03851896524429321,
0.06207694485783577,
-0.03338191285729408,
0.06911154836416245,
-0.11167582869529724,
-0.14027008414268494,
-0.019128553569316864,
0.03376948460936546,
-0.17419877648353577,
0.009646573103964329,
-0.18131674826145172,
0.11767549067735672,
-0.004243100993335247,
0.10713675618171692,
0.06386185437440872,
0.017000265419483185,
-0.003387009957805276,
-0.035250164568424225,
0.005418876651674509,
-0.10798255354166031,
-0.058510106056928635,
-0.06350164860486984,
-0.07612301409244537,
-0.012899380177259445,
0.3480350375175476,
-0.0064297388307750225,
-0.2137838751077652,
0.02471780776977539,
0.10875073075294495,
-0.033559903502464294,
-0.03852519392967224,
0.2657526433467865,
0.03078598715364933,
-0.014917249791324139,
-0.24082596600055695,
0.03522558510303497,
-0.09068438410758972,
-0.19691155850887299,
0.15455663204193115,
0.0660872608423233,
-0.06475713104009628,
0.011660641059279442,
0.11122378706932068,
-0.0722687616944313,
0.009797073900699615,
-0.19669632613658905,
0.07474005222320557,
0.007288041990250349,
-0.013602299615740776,
-0.0171076487749815,
0.1414828896522522,
-0.013185355812311172,
0.039531409740448,
-0.03571136295795441,
0.002969332505017519,
-0.14413951337337494,
-0.1347876340150833,
0.0596940703690052,
-0.0825430229306221,
0.08573554456233978,
0.040851201862096786,
0.06765156239271164,
0.16292208433151245,
0.049222156405448914,
-0.05659765750169754,
0.0012856903485953808,
-0.1259177327156067,
-0.07919525355100632,
-0.017884038388729095,
-0.012303411960601807,
0.019280539825558662,
-0.12693431973457336,
-0.05159914866089821,
-0.058269210159778595,
-0.13967891037464142,
-0.09065255522727966,
0.033096808940172195,
0.017668848857283592,
-0.06370234489440918,
-0.129045307636261,
-0.03247701749205589,
-0.058893680572509766,
0.11853154748678207,
-0.0430171936750412,
0.15133924782276154,
0.012662257999181747,
0.05400083586573601,
0.04613874480128288,
0.03634554147720337,
-0.011023048311471939,
-0.13980071246623993,
0.005393933970481157,
0.15244899690151215,
0.024967055767774582,
0.13151128590106964,
-0.06723853200674057,
-0.021712783724069595,
0.06393691152334213,
0.2163913995027542,
0.2788335680961609,
-0.04451526701450348,
0.053126391023397446,
-0.02294648438692093,
0.031148722395300865,
0.11532855033874512,
0.21453967690467834,
-0.026583628728985786,
0.28732985258102417,
-0.07544288039207458,
-0.03118283860385418,
-0.040257249027490616,
0.026684420183300972,
-0.046654872596263885,
0.0459243506193161,
0.049796655774116516,
-0.1227554902434349,
-0.09006303548812866,
0.12455100566148758,
-0.17160017788410187,
0.13918624818325043,
0.12478741258382797,
-0.10605088621377945,
0.0418228805065155,
-0.04891149327158928,
0.1262732446193695,
0.025749143213033676,
0.0824483186006546,
-0.11496004462242126,
-0.1010943353176117,
-0.06393152475357056,
0.03804449737071991,
-0.3620242476463318,
-0.13256220519542694,
0.07436205446720123,
0.0833638459444046,
0.05460752546787262,
0.0015415996313095093,
0.10624660551548004,
-0.047188740223646164,
0.11580649763345718,
-0.04823911935091019,
0.13861219584941864,
0.02968526817858219,
-0.039510950446128845,
-0.1719990223646164,
-0.17191343009471893,
0.025684645399451256,
-0.07297644019126892,
0.02190857194364071,
-0.029086202383041382,
0.002339491620659828,
0.1706387996673584,
-0.05416838079690933,
-0.012288989499211311,
-0.026690423488616943,
-0.09246661514043808,
0.061722226440906525,
0.007937428541481495,
0.004755570087581873,
-0.03757211193442345,
-0.05215011164546013,
-0.010052734985947609,
0.1184181496500969,
-0.24799305200576782,
-0.08758792281150818,
0.13015031814575195,
-0.025499127805233,
0.14864231646060944,
-0.011437874287366867,
-0.04244479909539223,
-0.003970371559262276,
-0.10715839266777039,
0.08695527911186218,
-0.11009098589420319,
0.05239133909344673,
0.13200953602790833,
0.025555621832609177,
0.05471241474151611,
-0.21816179156303406,
0.06542568653821945,
-0.03537454083561897,
-0.03102370724081993,
-0.05432022735476494
] |
42150099223f14cf78c039bdd1e80e85da97cc04 |
# Alpaca Hindi Small
This is a synthesized dataset created by translation of alpaca dataset from English to Hindi language. | QuantumMik/alpaca_hindi_small | [
"task_categories:question-answering",
"task_categories:text-generation",
"size_categories:1K<n<10K",
"language:hi",
"license:apache-2.0",
"region:us"
] | 2024-01-14T17:06:44+00:00 | {"language": ["hi"], "license": "apache-2.0", "size_categories": ["1K<n<10K"], "task_categories": ["question-answering", "text-generation"]} | 2024-01-16T16:02:58+00:00 | [] | [
"hi"
] | TAGS
#task_categories-question-answering #task_categories-text-generation #size_categories-1K<n<10K #language-Hindi #license-apache-2.0 #region-us
|
# Alpaca Hindi Small
This is a synthesized dataset created by translation of alpaca dataset from English to Hindi language. | [
"# Alpaca Hindi Small\n\nThis is a synthesized dataset created by translation of alpaca dataset from English to Hindi language."
] | [
"TAGS\n#task_categories-question-answering #task_categories-text-generation #size_categories-1K<n<10K #language-Hindi #license-apache-2.0 #region-us \n",
"# Alpaca Hindi Small\n\nThis is a synthesized dataset created by translation of alpaca dataset from English to Hindi language."
] | [
53,
28
] | [
"passage: TAGS\n#task_categories-question-answering #task_categories-text-generation #size_categories-1K<n<10K #language-Hindi #license-apache-2.0 #region-us \n# Alpaca Hindi Small\n\nThis is a synthesized dataset created by translation of alpaca dataset from English to Hindi language."
] | [
-0.03209708258509636,
-0.024932656437158585,
-0.0005550128989852965,
0.12226100265979767,
0.054163865745067596,
0.05688248947262764,
0.1226344183087349,
0.17436596751213074,
0.021996861323714256,
0.01874181441962719,
0.05846912041306496,
-0.0069104707799851894,
0.06160635128617287,
0.10348577052354813,
-0.019006291404366493,
-0.22926166653633118,
-0.023572776466608047,
-0.02711963653564453,
0.0686882808804512,
0.07811322063207626,
0.15820305049419403,
-0.028103183954954147,
0.02050964906811714,
-0.0640765130519867,
-0.018120529130101204,
0.06783654540777206,
-0.03774898499250412,
-0.10022323578596115,
0.02830365113914013,
0.02549879066646099,
0.019373470917344093,
-0.06320611387491226,
-0.004601817112416029,
-0.11524689942598343,
0.013321444392204285,
-0.11073514074087143,
0.023841941729187965,
-0.02195310965180397,
0.05060134828090668,
0.012224809266626835,
0.08632910996675491,
-0.09474930167198181,
-0.030165279284119606,
0.06435985863208771,
-0.10200227051973343,
-0.16008564829826355,
-0.008549767546355724,
0.050690703094005585,
0.08485062420368195,
0.09467814117670059,
-0.03373168408870697,
0.09674368798732758,
-0.17370091378688812,
-0.01099756546318531,
0.11933708190917969,
-0.16952712833881378,
-0.03447873145341873,
0.14174604415893555,
0.045397788286209106,
0.14273785054683685,
-0.07540534436702728,
-0.01168898493051529,
0.0651354119181633,
-0.013053557835519314,
-0.10737185925245285,
-0.1175171434879303,
-0.19679521024227142,
0.012383859604597092,
-0.013450642116367817,
-0.006065328139811754,
0.24902959167957306,
-0.006615813355892897,
0.040386442095041275,
-0.11354657262563705,
-0.02250339463353157,
0.06485532969236374,
-0.10973020642995834,
0.08465001732110977,
0.0026692254468798637,
0.05360524728894234,
0.2742595672607422,
0.03909321874380112,
-0.10099412500858307,
-0.04331830143928528,
-0.07507839053869247,
-0.03641539812088013,
0.0002064359578071162,
0.015976812690496445,
-0.14312224090099335,
-0.09273042529821396,
-0.0795283243060112,
-0.059154633432626724,
0.014764084480702877,
-0.03398050367832184,
0.04444468021392822,
0.04504414647817612,
0.014743239618837833,
-0.05208727717399597,
0.20255345106124878,
0.062475502490997314,
-0.026131225749850273,
0.026115041226148605,
-0.03327985480427742,
0.03582800179719925,
0.07301348447799683,
0.10106977820396423,
-0.04985463246703148,
-0.10615375638008118,
0.033645886927843094,
-0.014535660855472088,
0.09494564682245255,
-0.00795193761587143,
-0.09954172372817993,
-0.04426687955856323,
-0.13048000633716583,
0.14349037408828735,
0.04780133068561554,
-0.026857303455471992,
-0.07904160767793655,
-0.03699973225593567,
0.04841209203004837,
-0.12392773479223251,
-0.02788221649825573,
-0.022108029574155807,
-0.02893112599849701,
0.01791267655789852,
-0.11686935275793076,
0.034364257007837296,
-0.04497620835900307,
-0.13134515285491943,
-0.05594979599118233,
-0.03417842462658882,
-0.034105222672224045,
-0.04661687836050987,
0.04935920238494873,
-0.10665776580572128,
0.04694681242108345,
-0.09339730441570282,
-0.19968143105506897,
-0.013440440408885479,
-0.000058337518566986546,
-0.11359542608261108,
-0.061390381306409836,
-0.03891219571232796,
0.06553183495998383,
0.04272572696208954,
-0.03497887775301933,
0.08918217569589615,
-0.0909084752202034,
0.032345715910196304,
-0.030840784311294556,
0.15536737442016602,
-0.07235823571681976,
0.016393471509218216,
-0.08474205434322357,
0.061759691685438156,
-0.0008119322592392564,
0.07100674510002136,
-0.08139073848724365,
0.13982364535331726,
-0.13975434005260468,
0.04320746660232544,
0.07450399547815323,
0.0014882084215059876,
-0.0834430381655693,
0.16163510084152222,
-0.1205587238073349,
-0.037067610770463943,
0.0780639573931694,
-0.0726570338010788,
-0.1990908831357956,
0.07774271070957184,
0.06356688588857651,
0.24168404936790466,
0.08234016597270966,
0.2909362316131592,
0.022631222382187843,
0.13918469846248627,
-0.04253892973065376,
0.08964090049266815,
0.0706109032034874,
-0.09331321716308594,
0.1446995884180069,
-0.04867866635322571,
-0.0603448748588562,
0.03278656676411629,
0.05203370004892349,
0.0005915719084441662,
0.02119973860681057,
-0.13139060139656067,
-0.008891989476978779,
-0.05055452883243561,
0.012140407226979733,
0.028936540707945824,
0.09304913878440857,
-0.043849702924489975,
0.04957140237092972,
-0.06753838062286377,
0.078413225710392,
0.05385887995362282,
0.0007351555395871401,
-0.11295487731695175,
0.08345688879489899,
-0.08129633218050003,
0.044238798320293427,
-0.05343187600374222,
0.08695472776889801,
0.019377263262867928,
-0.026116885244846344,
0.03602055832743645,
0.033719975501298904,
0.01995115913450718,
-0.1551426500082016,
-0.05777180567383766,
0.10322633385658264,
0.039697881788015366,
-0.007084709592163563,
-0.07161631435155869,
-0.13285449147224426,
0.07611874490976334,
-0.033670950680971146,
0.07592714577913284,
-0.02432643435895443,
-0.04039330407977104,
0.0004717704141512513,
-0.010194090195000172,
0.004624216351658106,
0.0972088873386383,
0.08269394934177399,
0.04150209575891495,
0.002735869260504842,
-0.02248801477253437,
0.05485760048031807,
-0.07439253479242325,
-0.11364354193210602,
0.0980004146695137,
-0.024031484499573708,
-0.04617520421743393,
0.04729904234409332,
-0.014716563746333122,
0.09517977386713028,
-0.056238703429698944,
0.01916792243719101,
-0.03463409096002579,
-0.008928081952035427,
-0.00932383630424738,
0.02359485998749733,
0.004800736904144287,
0.08505316078662872,
-0.06826382875442505,
0.016959676519036293,
-0.06603598594665527,
-0.039526451379060745,
0.017798686400055885,
0.10720239579677582,
0.05186067521572113,
-0.18295685946941376,
0.1736551970243454,
0.2084125131368637,
0.04321076348423958,
0.15781424939632416,
-0.025544870644807816,
-0.08182134479284286,
0.051992662250995636,
-0.0035139063838869333,
-0.03803975135087967,
0.021668357774615288,
-0.14167052507400513,
0.04439651593565941,
0.12048804014921188,
0.0058926427736878395,
0.022454293444752693,
0.024141866713762283,
-0.08131590485572815,
-0.026090160012245178,
-0.011445455253124237,
-0.0659816712141037,
0.06053444370627403,
0.007310541812330484,
0.09200511127710342,
0.06488863378763199,
0.04371166229248047,
0.021209625527262688,
-0.017087945714592934,
-0.06367728114128113,
0.12508676946163177,
-0.07984354346990585,
-0.3363114297389984,
-0.09955433011054993,
0.0571952760219574,
-0.005799766164273024,
0.007343664765357971,
0.08877015113830566,
-0.16061894595623016,
-0.07021889090538025,
-0.0746111124753952,
0.1362353265285492,
0.04020161181688309,
-0.06560374796390533,
-0.04632693901658058,
0.03332928940653801,
-0.0646672248840332,
-0.09420906752347946,
0.02849488891661167,
0.07398796081542969,
0.0008991461363621056,
0.0863412544131279,
-0.15912827849388123,
0.0016349778743460774,
0.13616622984409332,
0.029577698558568954,
-0.04612857103347778,
-0.05926765501499176,
0.14987093210220337,
-0.1154327541589737,
0.12738193571567535,
0.16188427805900574,
0.032152775675058365,
-0.04046766087412834,
0.2385074347257614,
-0.015012836083769798,
-0.08956141024827957,
0.021808702498674393,
0.05554143711924553,
-0.03058174066245556,
-0.3183653652667999,
-0.10562790930271149,
-0.07228764146566391,
0.13129869103431702,
0.10095401108264923,
0.05142493546009064,
0.035272154957056046,
0.0857095867395401,
-0.00894193071871996,
0.10551006346940994,
-0.0524793416261673,
0.019141171127557755,
0.25389939546585083,
-0.0253620408475399,
0.06578850746154785,
-0.1285228431224823,
0.01739436946809292,
0.10787758231163025,
0.12137681990861893,
0.09558041393756866,
0.12613557279109955,
0.27475881576538086,
0.03032793663442135,
0.018667979165911674,
0.04499494284391403,
0.025232573971152306,
-0.0283389650285244,
-0.03013191558420658,
-0.0443495474755764,
-0.016066046431660652,
-0.039351243525743484,
0.11691547930240631,
0.05972360074520111,
-0.04695502296090126,
0.01647079363465309,
-0.0335678867995739,
0.04647548496723175,
0.209874227643013,
0.08918920904397964,
-0.048965685069561005,
-0.010082637891173363,
0.11301011592149734,
-0.050890177488327026,
-0.09905409812927246,
0.09566054493188858,
0.060772232711315155,
-0.017239810898900032,
0.05751946568489075,
0.015517477877438068,
0.15647996962070465,
0.04264623299241066,
-0.00096856988966465,
-0.2148984968662262,
-0.2256321907043457,
0.03690890222787857,
0.13423173129558563,
-0.20070648193359375,
0.17061540484428406,
0.08447959274053574,
-0.04482655227184296,
-0.097169890999794,
-0.030924303457140923,
-0.015714505687355995,
-0.0018478648271411657,
0.07484152168035507,
-0.0016322808805853128,
0.029933132231235504,
-0.03455691784620285,
-0.11253545433282852,
0.04580181464552879,
-0.04015748202800751,
-0.005325652658939362,
-0.010654562152922153,
-0.059733614325523376,
0.04968232661485672,
-0.05692000687122345,
0.03674796596169472,
-0.0314163975417614,
-0.09985214471817017,
0.04083212837576866,
0.19525101780891418,
-0.047467831522226334,
-0.03716985136270523,
-0.04898850992321968,
0.03452036902308464,
0.031193943694233894,
-0.0853428915143013,
-0.15027710795402527,
-0.0516381561756134,
-0.030966032296419144,
0.14864356815814972,
-0.01520140003412962,
0.06899749487638474,
-0.05903197079896927,
-0.04692348465323448,
0.019471991807222366,
-0.01076880656182766,
0.10840845853090286,
-0.01799163594841957,
-0.050339363515377045,
-0.013811609707772732,
0.03183676302433014,
-0.04551738128066063,
0.031984396278858185,
0.022965535521507263,
0.02554159238934517,
-0.03973716124892235,
-0.047893788665533066,
-0.08528898656368256,
0.04003092646598816,
-0.06550847738981247,
0.12690724432468414,
-0.1216811090707779,
-0.04782074689865112,
0.007393982727080584,
-0.1920478194952011,
0.24835848808288574,
0.14328090846538544,
-0.03203979507088661,
0.15131834149360657,
0.18549618124961853,
-0.08474646508693695,
-0.2699454724788666,
-0.0873849093914032,
-0.052793458104133606,
0.037005022168159485,
0.051849886775016785,
-0.11325487494468689,
0.10832706838846207,
0.10682038962841034,
-0.04537215456366539,
0.05093209818005562,
-0.2856552302837372,
-0.06383609771728516,
0.11186264455318451,
-0.03827511519193649,
0.1327785849571228,
-0.226084366440773,
-0.034291546791791916,
-0.13041821122169495,
0.017048068344593048,
-0.010311833582818508,
-0.05635492131114006,
0.07500279694795609,
-0.12148963660001755,
0.08855902403593063,
0.007019938435405493,
0.013509523123502731,
0.1638912409543991,
0.013469081372022629,
-0.03454992175102234,
-0.08961760252714157,
-0.07122372835874557,
0.14793884754180908,
0.03780925273895264,
0.09905914217233658,
-0.14029106497764587,
-0.0272253155708313,
-0.20834629237651825,
-0.026448916643857956,
-0.03190300241112709,
0.01341127511113882,
-0.005361897870898247,
-0.06394319236278534,
-0.11958980560302734,
0.06025327369570732,
0.0017273110570386052,
0.05041215941309929,
0.21262045204639435,
-0.09536758065223694,
0.05281704291701317,
-0.004893209785223007,
0.1325666755437851,
-0.12943539023399353,
0.02563776634633541,
-0.018807189539074898,
-0.00282544014044106,
0.09315121918916702,
-0.2714460492134094,
0.04470301792025566,
0.13505440950393677,
-0.026644201949238777,
0.05859421566128731,
-0.010902183130383492,
0.041643109172582626,
0.06200716271996498,
0.15082964301109314,
0.17612899839878082,
-0.14161917567253113,
0.028735583648085594,
0.08592698723077774,
-0.10527011752128601,
-0.1274079978466034,
0.07128140330314636,
0.011159527115523815,
-0.045802757143974304,
0.00981537438929081,
0.05823608115315437,
-0.041301216930150986,
0.0922262892127037,
0.04376672953367233,
0.06317172944545746,
-0.07724200934171677,
0.13874748349189758,
0.1711868792772293,
-0.15829473733901978,
-0.03443922847509384,
0.16287492215633392,
-0.014383232221007347,
-0.11872544139623642,
0.0955718532204628,
-0.024208595976233482,
-0.08659613132476807,
-0.02770291268825531,
-0.011422972194850445,
-0.09502542018890381,
0.03910898417234421,
-0.019829673692584038,
-0.022788697853684425,
0.04146110638976097,
-0.00229032919742167,
-0.10224539786577225,
0.032451849430799484,
0.05834617465734482,
-0.05634457617998123,
0.0034302028361707926,
-0.06849557906389236,
-0.21057923138141632,
0.0172027125954628,
0.08916864544153214,
-0.03141127526760101,
-0.0069549717009067535,
-0.10816843062639236,
0.04941955581307411,
-0.2912627160549164,
0.16341553628444672,
-0.08578594774007797,
0.019367510452866554,
-0.029514657333493233,
0.0186543557792902,
-0.06955740600824356,
-0.06762866675853729,
-0.09654992818832397,
-0.01724463514983654,
-0.044853679835796356,
0.18524448573589325,
0.015224489383399487,
-0.08115459233522415,
0.0676921084523201,
0.057613927870988846,
0.0827212780714035,
-0.029509127140045166,
-0.07032041251659393,
0.04301173985004425,
-0.05504240840673447,
0.02230537310242653,
0.02913135103881359,
0.07416824251413345,
0.03717302158474922,
-0.08046884089708328,
-0.03088521398603916,
0.061572495847940445,
0.05030891299247742,
0.098090261220932,
-0.06796429306268692,
-0.09619719535112381,
0.025705665349960327,
-0.14359049499034882,
-0.0995432585477829,
0.014048370532691479,
-0.05624870955944061,
0.03901755437254906,
-0.017703229561448097,
0.0879451259970665,
-0.019545922055840492,
0.03070632368326187,
-0.02898014523088932,
-0.00390081899240613,
-0.10269754379987717,
-0.006655058357864618,
-0.09890491515398026,
-0.07131530344486237,
-0.022524617612361908,
-0.026099558919668198,
0.21365343034267426,
0.060600124299526215,
-0.010972796007990837,
0.06599774956703186,
0.0003000301367137581,
0.09471414983272552,
-0.0118981022387743,
0.33647701144218445,
0.13563577830791473,
-0.021415676921606064,
0.02606392279267311,
-0.04844479262828827,
-0.011015202850103378,
0.19893117249011993,
-0.00035981429391540587,
0.18563635647296906,
0.06058769300580025,
0.058491166681051254,
-0.03109724447131157,
-0.08273731917142868,
-0.0064145661890506744,
0.017016565427184105,
0.006766883656382561,
0.058849334716796875,
-0.03386944904923439,
0.009025830775499344,
0.22262892127037048,
-0.10296366363763809,
0.05790704861283302,
-0.15134961903095245,
-0.024701591581106186,
-0.06072686240077019,
0.020999332889914513,
-0.11417180299758911,
-0.08036741614341736,
-0.02808356285095215,
-0.08751894533634186,
-0.028404319658875465,
0.14484816789627075,
0.06286408752202988,
-0.029160520061850548,
0.13553467392921448,
-0.11106236279010773,
-0.09564554691314697,
0.009279772639274597,
-0.00917521957308054,
0.06994666159152985,
-0.08218688517808914,
0.009761462919414043,
-0.02986053004860878,
-0.008444828912615776,
-0.049326807260513306,
0.0441579706966877,
-0.037181735038757324,
-0.026678461581468582,
-0.17798802256584167,
-0.05992375686764717,
-0.051408667117357254,
0.0685177892446518,
0.01588963344693184,
0.19046682119369507,
0.0283761415630579,
-0.02833382599055767,
0.02405385673046112,
0.15057221055030823,
0.021733155474066734,
-0.15810845792293549,
-0.04637632891535759,
0.12070327997207642,
-0.03786729276180267,
-0.011418323963880539,
-0.0676245465874672,
-0.06231953576207161,
-0.08816317468881607,
0.13429217040538788,
0.22333574295043945,
-0.04535815492272377,
-0.03141571953892708,
-0.07918724417686462,
0.04131145030260086,
-0.119317427277565,
0.16020548343658447,
0.013790963217616081,
0.1008015051484108,
-0.07373985648155212,
0.00024851455236785114,
-0.056631945073604584,
0.0022744452580809593,
-0.21213793754577637,
0.05773226171731949,
0.01482393592596054,
-0.018485303968191147,
-0.01787536032497883,
0.15004083514213562,
-0.08153039962053299,
0.13432404398918152,
0.05540618300437927,
-0.1488002985715866,
-0.15912862122058868,
-0.0474550798535347,
-0.03587452694773674,
0.0532875694334507,
-0.005486934911459684,
0.020276470109820366,
0.003775268327444792,
-0.11296660453081131,
0.02728031575679779,
-0.15760484337806702,
-0.15406253933906555,
0.18698036670684814,
-0.03305412828922272,
0.1714213639497757,
-0.030566269531846046,
0.06915698945522308,
0.06431552022695541,
-0.01592070981860161,
-0.1314123421907425,
0.05841199681162834,
0.10057047754526138,
0.12324000149965286,
0.04596201330423355,
0.02689419873058796,
-0.019898196682333946,
0.07489950209856033,
0.10404063016176224,
0.0507657490670681,
-0.03644176200032234,
0.1368144452571869,
0.0775834321975708,
-0.11535744369029999,
0.01472014281898737,
-0.10987929999828339,
0.11934807896614075,
0.02667408250272274,
-0.07334230840206146,
-0.11052428185939789,
-0.04078629985451698,
0.06116858497262001,
0.011945275589823723,
-0.0317828468978405,
-0.12078551203012466,
-0.096743643283844,
-0.010531427338719368,
-0.03771166130900383,
0.06219526007771492,
-0.18255087733268738,
0.02877836488187313,
-0.060994505882263184,
0.0632944330573082,
-0.07235915213823318,
0.07964783906936646,
0.0675906240940094,
-0.06221163272857666,
-0.0042488290928304195,
-0.45253798365592957,
-0.0021499372087419033,
0.06639764457941055,
-0.06335863471031189,
-0.07959010452032089
] |
7f4e1788c0add94483c53185193c582bb1c2c4c2 |
# Dataset Card for Evaluation run of Felladrin/Llama-68M-Chat-v1
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [Felladrin/Llama-68M-Chat-v1](https://huggingface.co/Felladrin/Llama-68M-Chat-v1) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_Felladrin__Llama-68M-Chat-v1",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T17:25:12.605913](https://huggingface.co/datasets/open-llm-leaderboard/details_Felladrin__Llama-68M-Chat-v1/blob/main/results_2024-01-14T17-25-12.605913.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.2518558528274769,
"acc_stderr": 0.030387282193610175,
"acc_norm": 0.25203959947439164,
"acc_norm_stderr": 0.031196164528136557,
"mc1": 0.2741738066095471,
"mc1_stderr": 0.015616518497219376,
"mc2": 0.4726841055154348,
"mc2_stderr": 0.015727848850119193
},
"harness|arc:challenge|25": {
"acc": 0.1885665529010239,
"acc_stderr": 0.011430897647675815,
"acc_norm": 0.23293515358361774,
"acc_norm_stderr": 0.012352507042617405
},
"harness|hellaswag|10": {
"acc": 0.27693686516630156,
"acc_stderr": 0.004465704810893541,
"acc_norm": 0.28271260705038836,
"acc_norm_stderr": 0.004493975527386726
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.27,
"acc_stderr": 0.04461960433384741,
"acc_norm": 0.27,
"acc_norm_stderr": 0.04461960433384741
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.22962962962962963,
"acc_stderr": 0.03633384414073461,
"acc_norm": 0.22962962962962963,
"acc_norm_stderr": 0.03633384414073461
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.17763157894736842,
"acc_stderr": 0.031103182383123398,
"acc_norm": 0.17763157894736842,
"acc_norm_stderr": 0.031103182383123398
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.17,
"acc_stderr": 0.0377525168068637,
"acc_norm": 0.17,
"acc_norm_stderr": 0.0377525168068637
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.21132075471698114,
"acc_stderr": 0.025125766484827845,
"acc_norm": 0.21132075471698114,
"acc_norm_stderr": 0.025125766484827845
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.2152777777777778,
"acc_stderr": 0.03437079344106135,
"acc_norm": 0.2152777777777778,
"acc_norm_stderr": 0.03437079344106135
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.26,
"acc_stderr": 0.0440844002276808,
"acc_norm": 0.26,
"acc_norm_stderr": 0.0440844002276808
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.23,
"acc_stderr": 0.042295258468165065,
"acc_norm": 0.23,
"acc_norm_stderr": 0.042295258468165065
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.23,
"acc_stderr": 0.042295258468165065,
"acc_norm": 0.23,
"acc_norm_stderr": 0.042295258468165065
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.30057803468208094,
"acc_stderr": 0.03496101481191181,
"acc_norm": 0.30057803468208094,
"acc_norm_stderr": 0.03496101481191181
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.21568627450980393,
"acc_stderr": 0.04092563958237654,
"acc_norm": 0.21568627450980393,
"acc_norm_stderr": 0.04092563958237654
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.19,
"acc_stderr": 0.039427724440366234,
"acc_norm": 0.19,
"acc_norm_stderr": 0.039427724440366234
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.1829787234042553,
"acc_stderr": 0.025276041000449966,
"acc_norm": 0.1829787234042553,
"acc_norm_stderr": 0.025276041000449966
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.21929824561403508,
"acc_stderr": 0.03892431106518754,
"acc_norm": 0.21929824561403508,
"acc_norm_stderr": 0.03892431106518754
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.20689655172413793,
"acc_stderr": 0.03375672449560554,
"acc_norm": 0.20689655172413793,
"acc_norm_stderr": 0.03375672449560554
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.25925925925925924,
"acc_stderr": 0.022569897074918417,
"acc_norm": 0.25925925925925924,
"acc_norm_stderr": 0.022569897074918417
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.15079365079365079,
"acc_stderr": 0.03200686497287392,
"acc_norm": 0.15079365079365079,
"acc_norm_stderr": 0.03200686497287392
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.31,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.31,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.3161290322580645,
"acc_stderr": 0.02645087448904277,
"acc_norm": 0.3161290322580645,
"acc_norm_stderr": 0.02645087448904277
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.26108374384236455,
"acc_stderr": 0.030903796952114468,
"acc_norm": 0.26108374384236455,
"acc_norm_stderr": 0.030903796952114468
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.17,
"acc_stderr": 0.0377525168068637,
"acc_norm": 0.17,
"acc_norm_stderr": 0.0377525168068637
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.2545454545454545,
"acc_stderr": 0.03401506715249039,
"acc_norm": 0.2545454545454545,
"acc_norm_stderr": 0.03401506715249039
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.3383838383838384,
"acc_stderr": 0.03371124142626302,
"acc_norm": 0.3383838383838384,
"acc_norm_stderr": 0.03371124142626302
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.33678756476683935,
"acc_stderr": 0.03410780251836184,
"acc_norm": 0.33678756476683935,
"acc_norm_stderr": 0.03410780251836184
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.34102564102564104,
"acc_stderr": 0.02403548967633507,
"acc_norm": 0.34102564102564104,
"acc_norm_stderr": 0.02403548967633507
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.26296296296296295,
"acc_stderr": 0.026842057873833706,
"acc_norm": 0.26296296296296295,
"acc_norm_stderr": 0.026842057873833706
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.3445378151260504,
"acc_stderr": 0.030868682604121633,
"acc_norm": 0.3445378151260504,
"acc_norm_stderr": 0.030868682604121633
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.33774834437086093,
"acc_stderr": 0.03861557546255169,
"acc_norm": 0.33774834437086093,
"acc_norm_stderr": 0.03861557546255169
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.23853211009174313,
"acc_stderr": 0.01827257581023187,
"acc_norm": 0.23853211009174313,
"acc_norm_stderr": 0.01827257581023187
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.4722222222222222,
"acc_stderr": 0.0340470532865388,
"acc_norm": 0.4722222222222222,
"acc_norm_stderr": 0.0340470532865388
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.24509803921568626,
"acc_stderr": 0.030190282453501947,
"acc_norm": 0.24509803921568626,
"acc_norm_stderr": 0.030190282453501947
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.2489451476793249,
"acc_stderr": 0.028146970599422644,
"acc_norm": 0.2489451476793249,
"acc_norm_stderr": 0.028146970599422644
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.21076233183856502,
"acc_stderr": 0.027373095500540193,
"acc_norm": 0.21076233183856502,
"acc_norm_stderr": 0.027373095500540193
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.25190839694656486,
"acc_stderr": 0.03807387116306086,
"acc_norm": 0.25190839694656486,
"acc_norm_stderr": 0.03807387116306086
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.24793388429752067,
"acc_stderr": 0.03941897526516303,
"acc_norm": 0.24793388429752067,
"acc_norm_stderr": 0.03941897526516303
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.18518518518518517,
"acc_stderr": 0.03755265865037181,
"acc_norm": 0.18518518518518517,
"acc_norm_stderr": 0.03755265865037181
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.2331288343558282,
"acc_stderr": 0.033220157957767414,
"acc_norm": 0.2331288343558282,
"acc_norm_stderr": 0.033220157957767414
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.1875,
"acc_stderr": 0.0370468111477387,
"acc_norm": 0.1875,
"acc_norm_stderr": 0.0370468111477387
},
"harness|hendrycksTest-management|5": {
"acc": 0.22330097087378642,
"acc_stderr": 0.04123553189891431,
"acc_norm": 0.22330097087378642,
"acc_norm_stderr": 0.04123553189891431
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.19658119658119658,
"acc_stderr": 0.02603538609895129,
"acc_norm": 0.19658119658119658,
"acc_norm_stderr": 0.02603538609895129
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.31,
"acc_stderr": 0.04648231987117316,
"acc_norm": 0.31,
"acc_norm_stderr": 0.04648231987117316
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.2835249042145594,
"acc_stderr": 0.01611731816683228,
"acc_norm": 0.2835249042145594,
"acc_norm_stderr": 0.01611731816683228
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.24855491329479767,
"acc_stderr": 0.023267528432100174,
"acc_norm": 0.24855491329479767,
"acc_norm_stderr": 0.023267528432100174
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.24134078212290502,
"acc_stderr": 0.014310999547961438,
"acc_norm": 0.24134078212290502,
"acc_norm_stderr": 0.014310999547961438
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.22549019607843138,
"acc_stderr": 0.023929155517351298,
"acc_norm": 0.22549019607843138,
"acc_norm_stderr": 0.023929155517351298
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.2990353697749196,
"acc_stderr": 0.026003301117885135,
"acc_norm": 0.2990353697749196,
"acc_norm_stderr": 0.026003301117885135
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.24691358024691357,
"acc_stderr": 0.02399350170904211,
"acc_norm": 0.24691358024691357,
"acc_norm_stderr": 0.02399350170904211
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.2553191489361702,
"acc_stderr": 0.02601199293090201,
"acc_norm": 0.2553191489361702,
"acc_norm_stderr": 0.02601199293090201
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.24511082138200782,
"acc_stderr": 0.010986307870045517,
"acc_norm": 0.24511082138200782,
"acc_norm_stderr": 0.010986307870045517
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.4117647058823529,
"acc_stderr": 0.029896163033125478,
"acc_norm": 0.4117647058823529,
"acc_norm_stderr": 0.029896163033125478
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.2549019607843137,
"acc_stderr": 0.017630827375148383,
"acc_norm": 0.2549019607843137,
"acc_norm_stderr": 0.017630827375148383
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.2,
"acc_stderr": 0.03831305140884603,
"acc_norm": 0.2,
"acc_norm_stderr": 0.03831305140884603
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.23673469387755103,
"acc_stderr": 0.02721283588407316,
"acc_norm": 0.23673469387755103,
"acc_norm_stderr": 0.02721283588407316
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.23880597014925373,
"acc_stderr": 0.030147775935409224,
"acc_norm": 0.23880597014925373,
"acc_norm_stderr": 0.030147775935409224
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.26,
"acc_stderr": 0.04408440022768079,
"acc_norm": 0.26,
"acc_norm_stderr": 0.04408440022768079
},
"harness|hendrycksTest-virology|5": {
"acc": 0.25301204819277107,
"acc_stderr": 0.033844291552331346,
"acc_norm": 0.25301204819277107,
"acc_norm_stderr": 0.033844291552331346
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.21052631578947367,
"acc_stderr": 0.0312678171466318,
"acc_norm": 0.21052631578947367,
"acc_norm_stderr": 0.0312678171466318
},
"harness|truthfulqa:mc|0": {
"mc1": 0.2741738066095471,
"mc1_stderr": 0.015616518497219376,
"mc2": 0.4726841055154348,
"mc2_stderr": 0.015727848850119193
},
"harness|winogrande|5": {
"acc": 0.5430149960536701,
"acc_stderr": 0.01400038676159829
},
"harness|gsm8k|5": {
"acc": 0.0,
"acc_stderr": 0.0
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_Felladrin__Llama-68M-Chat-v1 | [
"region:us"
] | 2024-01-14T17:27:02+00:00 | {"pretty_name": "Evaluation run of Felladrin/Llama-68M-Chat-v1", "dataset_summary": "Dataset automatically created during the evaluation run of model [Felladrin/Llama-68M-Chat-v1](https://huggingface.co/Felladrin/Llama-68M-Chat-v1) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_Felladrin__Llama-68M-Chat-v1\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T17:25:12.605913](https://huggingface.co/datasets/open-llm-leaderboard/details_Felladrin__Llama-68M-Chat-v1/blob/main/results_2024-01-14T17-25-12.605913.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.2518558528274769,\n \"acc_stderr\": 0.030387282193610175,\n \"acc_norm\": 0.25203959947439164,\n \"acc_norm_stderr\": 0.031196164528136557,\n \"mc1\": 0.2741738066095471,\n \"mc1_stderr\": 0.015616518497219376,\n \"mc2\": 0.4726841055154348,\n \"mc2_stderr\": 0.015727848850119193\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.1885665529010239,\n \"acc_stderr\": 0.011430897647675815,\n \"acc_norm\": 0.23293515358361774,\n \"acc_norm_stderr\": 0.012352507042617405\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.27693686516630156,\n \"acc_stderr\": 0.004465704810893541,\n \"acc_norm\": 0.28271260705038836,\n \"acc_norm_stderr\": 0.004493975527386726\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.27,\n \"acc_stderr\": 0.04461960433384741,\n \"acc_norm\": 0.27,\n \"acc_norm_stderr\": 0.04461960433384741\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.22962962962962963,\n \"acc_stderr\": 0.03633384414073461,\n \"acc_norm\": 0.22962962962962963,\n \"acc_norm_stderr\": 0.03633384414073461\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.17763157894736842,\n \"acc_stderr\": 0.031103182383123398,\n \"acc_norm\": 0.17763157894736842,\n \"acc_norm_stderr\": 0.031103182383123398\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.17,\n \"acc_stderr\": 0.0377525168068637,\n \"acc_norm\": 0.17,\n \"acc_norm_stderr\": 0.0377525168068637\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.21132075471698114,\n \"acc_stderr\": 0.025125766484827845,\n \"acc_norm\": 0.21132075471698114,\n \"acc_norm_stderr\": 0.025125766484827845\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.2152777777777778,\n \"acc_stderr\": 0.03437079344106135,\n \"acc_norm\": 0.2152777777777778,\n \"acc_norm_stderr\": 0.03437079344106135\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.26,\n \"acc_stderr\": 0.0440844002276808,\n \"acc_norm\": 0.26,\n \"acc_norm_stderr\": 0.0440844002276808\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.23,\n \"acc_stderr\": 0.042295258468165065,\n \"acc_norm\": 0.23,\n \"acc_norm_stderr\": 0.042295258468165065\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.23,\n \"acc_stderr\": 0.042295258468165065,\n \"acc_norm\": 0.23,\n \"acc_norm_stderr\": 0.042295258468165065\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.30057803468208094,\n \"acc_stderr\": 0.03496101481191181,\n \"acc_norm\": 0.30057803468208094,\n \"acc_norm_stderr\": 0.03496101481191181\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.21568627450980393,\n \"acc_stderr\": 0.04092563958237654,\n \"acc_norm\": 0.21568627450980393,\n \"acc_norm_stderr\": 0.04092563958237654\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.19,\n \"acc_stderr\": 0.039427724440366234,\n \"acc_norm\": 0.19,\n \"acc_norm_stderr\": 0.039427724440366234\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.1829787234042553,\n \"acc_stderr\": 0.025276041000449966,\n \"acc_norm\": 0.1829787234042553,\n \"acc_norm_stderr\": 0.025276041000449966\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.21929824561403508,\n \"acc_stderr\": 0.03892431106518754,\n \"acc_norm\": 0.21929824561403508,\n \"acc_norm_stderr\": 0.03892431106518754\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.20689655172413793,\n \"acc_stderr\": 0.03375672449560554,\n \"acc_norm\": 0.20689655172413793,\n \"acc_norm_stderr\": 0.03375672449560554\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.25925925925925924,\n \"acc_stderr\": 0.022569897074918417,\n \"acc_norm\": 0.25925925925925924,\n \"acc_norm_stderr\": 0.022569897074918417\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.15079365079365079,\n \"acc_stderr\": 0.03200686497287392,\n \"acc_norm\": 0.15079365079365079,\n \"acc_norm_stderr\": 0.03200686497287392\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.31,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.31,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.3161290322580645,\n \"acc_stderr\": 0.02645087448904277,\n \"acc_norm\": 0.3161290322580645,\n \"acc_norm_stderr\": 0.02645087448904277\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.26108374384236455,\n \"acc_stderr\": 0.030903796952114468,\n \"acc_norm\": 0.26108374384236455,\n \"acc_norm_stderr\": 0.030903796952114468\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.17,\n \"acc_stderr\": 0.0377525168068637,\n \"acc_norm\": 0.17,\n \"acc_norm_stderr\": 0.0377525168068637\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.2545454545454545,\n \"acc_stderr\": 0.03401506715249039,\n \"acc_norm\": 0.2545454545454545,\n \"acc_norm_stderr\": 0.03401506715249039\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.3383838383838384,\n \"acc_stderr\": 0.03371124142626302,\n \"acc_norm\": 0.3383838383838384,\n \"acc_norm_stderr\": 0.03371124142626302\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.33678756476683935,\n \"acc_stderr\": 0.03410780251836184,\n \"acc_norm\": 0.33678756476683935,\n \"acc_norm_stderr\": 0.03410780251836184\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.34102564102564104,\n \"acc_stderr\": 0.02403548967633507,\n \"acc_norm\": 0.34102564102564104,\n \"acc_norm_stderr\": 0.02403548967633507\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.26296296296296295,\n \"acc_stderr\": 0.026842057873833706,\n \"acc_norm\": 0.26296296296296295,\n \"acc_norm_stderr\": 0.026842057873833706\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.3445378151260504,\n \"acc_stderr\": 0.030868682604121633,\n \"acc_norm\": 0.3445378151260504,\n \"acc_norm_stderr\": 0.030868682604121633\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.33774834437086093,\n \"acc_stderr\": 0.03861557546255169,\n \"acc_norm\": 0.33774834437086093,\n \"acc_norm_stderr\": 0.03861557546255169\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.23853211009174313,\n \"acc_stderr\": 0.01827257581023187,\n \"acc_norm\": 0.23853211009174313,\n \"acc_norm_stderr\": 0.01827257581023187\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.4722222222222222,\n \"acc_stderr\": 0.0340470532865388,\n \"acc_norm\": 0.4722222222222222,\n \"acc_norm_stderr\": 0.0340470532865388\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.24509803921568626,\n \"acc_stderr\": 0.030190282453501947,\n \"acc_norm\": 0.24509803921568626,\n \"acc_norm_stderr\": 0.030190282453501947\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.2489451476793249,\n \"acc_stderr\": 0.028146970599422644,\n \"acc_norm\": 0.2489451476793249,\n \"acc_norm_stderr\": 0.028146970599422644\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.21076233183856502,\n \"acc_stderr\": 0.027373095500540193,\n \"acc_norm\": 0.21076233183856502,\n \"acc_norm_stderr\": 0.027373095500540193\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.25190839694656486,\n \"acc_stderr\": 0.03807387116306086,\n \"acc_norm\": 0.25190839694656486,\n \"acc_norm_stderr\": 0.03807387116306086\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.24793388429752067,\n \"acc_stderr\": 0.03941897526516303,\n \"acc_norm\": 0.24793388429752067,\n \"acc_norm_stderr\": 0.03941897526516303\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.18518518518518517,\n \"acc_stderr\": 0.03755265865037181,\n \"acc_norm\": 0.18518518518518517,\n \"acc_norm_stderr\": 0.03755265865037181\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.2331288343558282,\n \"acc_stderr\": 0.033220157957767414,\n \"acc_norm\": 0.2331288343558282,\n \"acc_norm_stderr\": 0.033220157957767414\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.1875,\n \"acc_stderr\": 0.0370468111477387,\n \"acc_norm\": 0.1875,\n \"acc_norm_stderr\": 0.0370468111477387\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.22330097087378642,\n \"acc_stderr\": 0.04123553189891431,\n \"acc_norm\": 0.22330097087378642,\n \"acc_norm_stderr\": 0.04123553189891431\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.19658119658119658,\n \"acc_stderr\": 0.02603538609895129,\n \"acc_norm\": 0.19658119658119658,\n \"acc_norm_stderr\": 0.02603538609895129\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.31,\n \"acc_stderr\": 0.04648231987117316,\n \"acc_norm\": 0.31,\n \"acc_norm_stderr\": 0.04648231987117316\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.2835249042145594,\n \"acc_stderr\": 0.01611731816683228,\n \"acc_norm\": 0.2835249042145594,\n \"acc_norm_stderr\": 0.01611731816683228\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.24855491329479767,\n \"acc_stderr\": 0.023267528432100174,\n \"acc_norm\": 0.24855491329479767,\n \"acc_norm_stderr\": 0.023267528432100174\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.24134078212290502,\n \"acc_stderr\": 0.014310999547961438,\n \"acc_norm\": 0.24134078212290502,\n \"acc_norm_stderr\": 0.014310999547961438\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.22549019607843138,\n \"acc_stderr\": 0.023929155517351298,\n \"acc_norm\": 0.22549019607843138,\n \"acc_norm_stderr\": 0.023929155517351298\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.2990353697749196,\n \"acc_stderr\": 0.026003301117885135,\n \"acc_norm\": 0.2990353697749196,\n \"acc_norm_stderr\": 0.026003301117885135\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.24691358024691357,\n \"acc_stderr\": 0.02399350170904211,\n \"acc_norm\": 0.24691358024691357,\n \"acc_norm_stderr\": 0.02399350170904211\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.2553191489361702,\n \"acc_stderr\": 0.02601199293090201,\n \"acc_norm\": 0.2553191489361702,\n \"acc_norm_stderr\": 0.02601199293090201\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.24511082138200782,\n \"acc_stderr\": 0.010986307870045517,\n \"acc_norm\": 0.24511082138200782,\n \"acc_norm_stderr\": 0.010986307870045517\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.4117647058823529,\n \"acc_stderr\": 0.029896163033125478,\n \"acc_norm\": 0.4117647058823529,\n \"acc_norm_stderr\": 0.029896163033125478\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.2549019607843137,\n \"acc_stderr\": 0.017630827375148383,\n \"acc_norm\": 0.2549019607843137,\n \"acc_norm_stderr\": 0.017630827375148383\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.2,\n \"acc_stderr\": 0.03831305140884603,\n \"acc_norm\": 0.2,\n \"acc_norm_stderr\": 0.03831305140884603\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.23673469387755103,\n \"acc_stderr\": 0.02721283588407316,\n \"acc_norm\": 0.23673469387755103,\n \"acc_norm_stderr\": 0.02721283588407316\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.23880597014925373,\n \"acc_stderr\": 0.030147775935409224,\n \"acc_norm\": 0.23880597014925373,\n \"acc_norm_stderr\": 0.030147775935409224\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.26,\n \"acc_stderr\": 0.04408440022768079,\n \"acc_norm\": 0.26,\n \"acc_norm_stderr\": 0.04408440022768079\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.25301204819277107,\n \"acc_stderr\": 0.033844291552331346,\n \"acc_norm\": 0.25301204819277107,\n \"acc_norm_stderr\": 0.033844291552331346\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.21052631578947367,\n \"acc_stderr\": 0.0312678171466318,\n \"acc_norm\": 0.21052631578947367,\n \"acc_norm_stderr\": 0.0312678171466318\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.2741738066095471,\n \"mc1_stderr\": 0.015616518497219376,\n \"mc2\": 0.4726841055154348,\n \"mc2_stderr\": 0.015727848850119193\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.5430149960536701,\n \"acc_stderr\": 0.01400038676159829\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.0,\n \"acc_stderr\": 0.0\n }\n}\n```", "repo_url": "https://huggingface.co/Felladrin/Llama-68M-Chat-v1", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|arc:challenge|25_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|gsm8k|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hellaswag|10_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T17-25-12.605913.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["**/details_harness|winogrande|5_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T17-25-12.605913.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T17_25_12.605913", "path": ["results_2024-01-14T17-25-12.605913.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T17-25-12.605913.parquet"]}]}]} | 2024-01-14T17:27:23+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of Felladrin/Llama-68M-Chat-v1
Dataset automatically created during the evaluation run of model Felladrin/Llama-68M-Chat-v1 on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T17:25:12.605913(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of Felladrin/Llama-68M-Chat-v1\n\n\n\nDataset automatically created during the evaluation run of model Felladrin/Llama-68M-Chat-v1 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T17:25:12.605913(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of Felladrin/Llama-68M-Chat-v1\n\n\n\nDataset automatically created during the evaluation run of model Felladrin/Llama-68M-Chat-v1 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T17:25:12.605913(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
189,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of Felladrin/Llama-68M-Chat-v1\n\n\n\nDataset automatically created during the evaluation run of model Felladrin/Llama-68M-Chat-v1 on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T17:25:12.605913(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]"
] | [
-0.06513281911611557,
0.19758866727352142,
-0.004610398784279823,
0.04129761829972267,
0.0830431655049324,
-0.017848480492830276,
0.027830695733428,
0.09731359034776688,
0.031090429052710533,
0.18157893419265747,
-0.024481071159243584,
0.09530898183584213,
0.06989841908216476,
0.12470155954360962,
0.020842518657445908,
-0.141331285238266,
0.01950853131711483,
-0.09202327579259872,
0.04944275692105293,
0.0789671465754509,
0.08260806649923325,
-0.08577046543359756,
0.0679527297616005,
-0.031162405386567116,
0.03834814205765724,
-0.023754969239234924,
-0.09047861397266388,
-0.029094282537698746,
0.09303508698940277,
0.11189839988946915,
0.036341577768325806,
-0.0064161550253629684,
0.014678651466965675,
-0.2477208524942398,
0.017940184101462364,
0.10030881315469742,
-0.00243115471675992,
0.030875546857714653,
0.13113874197006226,
-0.06971024721860886,
0.06748360395431519,
-0.04468479007482529,
0.0729261115193367,
0.060217443853616714,
-0.11257114261388779,
-0.1416236162185669,
-0.1468326598405838,
-0.004352421499788761,
0.07611504197120667,
0.04906606301665306,
-0.02455325424671173,
0.15044042468070984,
-0.03618697077035904,
0.05037413910031319,
0.11033139377832413,
-0.10213129222393036,
-0.02138039469718933,
0.07829143851995468,
0.024082234129309654,
0.06908274441957474,
-0.07544465363025665,
-0.020859869197010994,
0.03453211113810539,
0.0498175285756588,
0.012809652835130692,
0.008585194125771523,
-0.02397490292787552,
0.012722854502499104,
-0.14629408717155457,
-0.12866461277008057,
0.161208838224411,
0.01252601109445095,
-0.03396700322628021,
-0.19135215878486633,
-0.014415429905056953,
0.005840244237333536,
0.004044182598590851,
-0.03382961452007294,
-0.006898195948451757,
-0.01837613247334957,
0.09787725657224655,
-0.007856926880776882,
-0.09220824390649796,
-0.012244006618857384,
0.006476218346506357,
0.0421578474342823,
0.01750398986041546,
-0.012636530213057995,
0.004775100387632847,
0.1041412279009819,
0.013788958080112934,
-0.08254729956388474,
-0.07156491279602051,
-0.060589469969272614,
-0.10773656517267227,
-0.0471857488155365,
-0.002292494522407651,
-0.057129718363285065,
0.04857255518436432,
0.22387364506721497,
-0.03215342015028,
0.027822434902191162,
-0.09443098306655884,
0.013962836004793644,
0.12338142842054367,
0.04575417563319206,
-0.07561023533344269,
-0.05947939306497574,
-0.019912278279662132,
0.04166395217180252,
0.03738008439540863,
-0.018308226019144058,
0.007967792451381683,
0.08430580049753189,
0.039445798844099045,
0.10954338312149048,
0.1342574954032898,
0.03677040711045265,
-0.07528713345527649,
-0.04135284945368767,
0.2341274619102478,
-0.1392788589000702,
-0.0347263365983963,
0.023260796442627907,
-0.05239825323224068,
-0.10779059678316116,
0.08782687038183212,
0.002977823605760932,
-0.04320172220468521,
0.12074943631887436,
-0.043037302792072296,
-0.09157058596611023,
-0.06798487156629562,
-0.054273951798677444,
0.05871602147817612,
-0.007539898622781038,
-0.0438675694167614,
-0.09131988883018494,
-0.09293515980243683,
-0.08791337162256241,
0.03693275526165962,
-0.05095474421977997,
-0.04016704857349396,
0.01649348996579647,
-0.008636847138404846,
-0.01565752923488617,
-0.017933804541826248,
0.08742137998342514,
-0.05243661254644394,
0.03083210252225399,
-0.009514322504401207,
0.029417360201478004,
0.0861000046133995,
0.04583890736103058,
-0.1167631447315216,
0.07660285383462906,
-0.14776359498500824,
0.10286260396242142,
-0.10797940939664841,
0.012584857642650604,
-0.14667202532291412,
-0.014632178470492363,
-0.011632698588073254,
0.029055779799818993,
-0.01182782743126154,
0.09232139587402344,
-0.22250954806804657,
0.0025112249422818422,
0.12048134952783585,
-0.10658600926399231,
-0.10684997588396072,
0.08944110572338104,
-0.04914681613445282,
0.07169598340988159,
0.043519362807273865,
0.10732369124889374,
0.129600390791893,
-0.06769942492246628,
-0.10778246819972992,
-0.0940411239862442,
-0.028396815061569214,
0.16041535139083862,
0.057385630905628204,
-0.07826609909534454,
0.0973147377371788,
0.045132458209991455,
0.0022953397128731012,
-0.08783719688653946,
-0.010673830285668373,
-0.06661105155944824,
-0.009354490786790848,
-0.07057231664657593,
-0.03950346261262894,
-0.006119783502072096,
-0.0783919095993042,
-0.005531125236302614,
-0.08565253019332886,
0.02357325330376625,
0.09810817241668701,
-0.01930837333202362,
0.006995346397161484,
-0.07799141108989716,
0.04232550039887428,
0.013413299806416035,
0.0211406908929348,
-0.22163483500480652,
-0.110987089574337,
0.018064873293042183,
-0.14548732340335846,
0.042328838258981705,
0.04279089346528053,
0.01763254776597023,
0.03827182948589325,
-0.004339219070971012,
0.03207660838961601,
0.028862513601779938,
-0.006787288933992386,
-0.0142430504783988,
-0.15780684351921082,
-0.047171011567115784,
-0.0870106890797615,
0.09360700845718384,
-0.14170695841312408,
-0.022870270535349846,
0.07000179588794708,
0.17097334563732147,
0.016542062163352966,
-0.0791216567158699,
0.07130112498998642,
0.016145670786499977,
-0.04168358072638512,
-0.053382206708192825,
0.005844310391694307,
-0.020067652687430382,
0.019528843462467194,
0.031091108918190002,
-0.1950709968805313,
-0.14185631275177002,
0.08294177800416946,
0.11527055501937866,
-0.058342933654785156,
-0.08186715841293335,
-0.0698944628238678,
-0.062280405312776566,
-0.080813929438591,
-0.0644734725356102,
0.07727164775133133,
0.08173166215419769,
0.04758702963590622,
-0.06117004528641701,
-0.05636412650346756,
0.02297598123550415,
0.05668724328279495,
-0.07034201174974442,
0.11048521101474762,
0.04571733623743057,
-0.07020222395658493,
0.10003498196601868,
-0.028849905356764793,
0.11462075263261795,
0.0687660425901413,
0.024407867342233658,
-0.08985335379838943,
0.001141672837547958,
0.06370412558317184,
0.05042180046439171,
0.0725024938583374,
-0.034755803644657135,
0.04325513541698456,
0.07833216339349747,
-0.006620178930461407,
0.03446420654654503,
-0.04650477319955826,
0.03479628264904022,
0.03861001133918762,
0.006665390450507402,
0.029820401221513748,
0.01841992698609829,
0.004861796740442514,
0.06977782398462296,
0.03871268406510353,
0.08034694939851761,
-0.021535197272896767,
-0.050340451300144196,
-0.10215359926223755,
0.13660374283790588,
-0.07934684306383133,
-0.288618803024292,
-0.1490970253944397,
-0.02860308066010475,
-0.04682428389787674,
-0.01805936172604561,
0.0715370923280716,
-0.021392766386270523,
-0.09615707397460938,
-0.1070014163851738,
0.029527705162763596,
0.022419435903429985,
-0.1197924092411995,
-0.048191241919994354,
0.06367528438568115,
0.012219362892210484,
-0.15472100675106049,
0.04331255331635475,
0.0473104864358902,
-0.04463852941989899,
0.003179530380293727,
0.08158949017524719,
0.11603543907403946,
0.07705355435609818,
0.07112377136945724,
-0.023531774058938026,
-0.015573662705719471,
0.18414659798145294,
-0.11220826953649521,
0.032227858901023865,
0.12580052018165588,
-0.05343795567750931,
0.0684143602848053,
0.17913737893104553,
0.009941705502569675,
-0.10505902022123337,
0.0566079281270504,
0.09368893504142761,
-0.0656476765871048,
-0.2379886358976364,
-0.1300046741962433,
-0.032287463545799255,
0.014088599011301994,
0.11518484354019165,
0.05668662488460541,
0.026469344273209572,
0.0005824147956445813,
-0.12112341076135635,
-0.010826432146131992,
-0.0626731887459755,
0.06748023629188538,
0.06222915276885033,
-0.008611835539340973,
0.04551253095269203,
-0.04662732407450676,
0.019806845113635063,
0.1221977025270462,
0.031822916120290756,
0.16274483501911163,
-0.03723391517996788,
0.17041108012199402,
0.09838003665208817,
0.08385743945837021,
-0.03398896008729935,
0.025621427223086357,
-0.00026829904527403414,
0.0653967633843422,
-0.012072723358869553,
-0.1108255684375763,
-0.05573884770274162,
0.111256904900074,
0.015324645675718784,
-0.07860996574163437,
0.028062375262379646,
-0.05833413451910019,
0.03173380717635155,
0.2243437021970749,
-0.019944975152611732,
-0.1493041217327118,
-0.07359618693590164,
0.05453211069107056,
-0.016074663028120995,
-0.07626857608556747,
-0.020478470250964165,
0.06670642644166946,
-0.13328613340854645,
0.03027951531112194,
-0.04005894809961319,
0.07897467911243439,
-0.1491278111934662,
-0.016788167878985405,
-0.019024161621928215,
0.03722614422440529,
0.0028975417371839285,
0.09988009929656982,
-0.14539489150047302,
0.11175038665533066,
0.0026899620424956083,
0.006980206351727247,
-0.10867587476968765,
0.038531482219696045,
-0.03773210197687149,
-0.0522470697760582,
0.1249333843588829,
-0.0036056479439139366,
-0.12339850515127182,
-0.05251256376504898,
-0.11931342631578445,
-0.013139263726770878,
0.061826977878808975,
-0.11154937744140625,
0.10333450138568878,
0.03292258456349373,
-0.02509974129498005,
-0.03127874806523323,
-0.029944034293293953,
-0.12398722767829895,
-0.2217552661895752,
0.10528313368558884,
-0.10138511657714844,
0.057418011128902435,
-0.05653734877705574,
-0.040557414293289185,
-0.0526365227997303,
0.14514979720115662,
-0.0908048152923584,
-0.05761627107858658,
-0.12012795358896255,
0.013716614805161953,
0.17467069625854492,
-0.047006458044052124,
0.06497679650783539,
-0.027038929983973503,
0.1622527837753296,
-0.01160216424614191,
-0.05516015738248825,
0.008436867967247963,
-0.10088055580854416,
-0.17575442790985107,
-0.0520114004611969,
0.11141632497310638,
0.08064036816358566,
0.012611218728125095,
-0.007408777251839638,
0.031793467700481415,
0.01792553998529911,
-0.08247118443250656,
0.03312275931239128,
0.14793407917022705,
0.11156421154737473,
0.029323577880859375,
-0.009089147672057152,
-0.0918031558394432,
-0.10585006326436996,
-0.10678143799304962,
0.049301087856292725,
0.1412937492132187,
-0.07214518636465073,
0.1660737246274948,
0.13959181308746338,
-0.08448420464992523,
-0.1889561265707016,
-0.05024988576769829,
0.032349374145269394,
-0.017371349036693573,
0.11510976403951645,
-0.19423651695251465,
0.05712662264704704,
0.056008562445640564,
-0.022462202236056328,
0.10713780671358109,
-0.2639462649822235,
-0.1377333253622055,
0.015561494044959545,
0.024809349328279495,
-0.2170606255531311,
-0.16076429188251495,
-0.1064336895942688,
-0.044171322137117386,
-0.1342509388923645,
0.10730360448360443,
-0.0013802943285554647,
0.019986160099506378,
-0.019065285101532936,
0.06837816536426544,
0.057469263672828674,
-0.0607394278049469,
0.12912878394126892,
-0.017040058970451355,
0.011819781735539436,
-0.11587651818990707,
-0.002636590274050832,
-0.00025483660283498466,
-0.053068578243255615,
0.08985631167888641,
0.029401374980807304,
0.06068575009703636,
-0.08993865549564362,
-0.033134497702121735,
-0.04826187342405319,
0.0401311032474041,
-0.0661097839474678,
-0.05080494284629822,
-0.06808929890394211,
0.09525374323129654,
0.0860828310251236,
-0.010337294079363346,
0.010455983690917492,
-0.04466330632567406,
0.043580081313848495,
0.23453755676746368,
0.12278809398412704,
0.0637945905327797,
-0.13111163675785065,
-0.023738473653793335,
-0.015306049957871437,
0.007127226796001196,
-0.1606321930885315,
0.03753461688756943,
0.09279072284698486,
0.039199430495500565,
0.06697342544794083,
-0.028079036623239517,
-0.1852109134197235,
0.009329778142273426,
0.08611509203910828,
-0.10431400686502457,
-0.23242658376693726,
0.02646450325846672,
0.14113757014274597,
-0.16484923660755157,
-0.05988544598221779,
0.10032794624567032,
0.010286713019013405,
-0.023725101724267006,
-0.0020017088390886784,
0.07390628010034561,
0.0511273629963398,
0.10184498131275177,
0.012933794409036636,
0.05684218928217888,
-0.06610167771577835,
0.09842118620872498,
0.14975273609161377,
-0.14077383279800415,
0.03169708326458931,
0.03324974700808525,
-0.07282966375350952,
-0.07048255205154419,
-0.009075234644114971,
-0.012647340074181557,
0.0239680428057909,
-0.04372392222285271,
0.008058585226535797,
-0.01151895709335804,
0.05636003240942955,
0.15030018985271454,
0.008993337862193584,
0.033303942531347275,
0.03272268921136856,
-0.01013970747590065,
-0.07192784547805786,
0.10346763581037521,
0.0399993397295475,
0.03899566829204559,
-0.048520591109991074,
0.005893670488148928,
0.011581074446439743,
-0.016970042139291763,
0.017805226147174835,
-0.052709512412548065,
-0.06770911067724228,
0.0037426427006721497,
-0.1711103469133377,
0.048915598541498184,
-0.071076400578022,
0.008030489087104797,
-0.0064104883931577206,
-0.016178911551833153,
-0.005992441903799772,
0.01666119694709778,
-0.05875231325626373,
-0.052307531237602234,
-0.04589701071381569,
0.12565886974334717,
-0.18170082569122314,
-0.014742529951035976,
0.08289295434951782,
-0.06383617967367172,
0.08208954334259033,
-0.012472656555473804,
-0.031703248620033264,
0.008892643265426159,
-0.04592937231063843,
-0.005917857866734266,
-0.02452165074646473,
0.062346041202545166,
0.01988063007593155,
-0.15286272764205933,
-0.0242172721773386,
-0.004387703258544207,
-0.08403029292821884,
-0.006754142697900534,
0.05729671195149422,
-0.15413498878479004,
0.026156535372138023,
0.08982164412736893,
-0.023972157388925552,
-0.049989670515060425,
0.0377952978014946,
0.05663765221834183,
0.013149026781320572,
0.10251104086637497,
-0.0050758542492985725,
0.04788174107670784,
-0.1558879017829895,
-0.05261654034256935,
-0.0006511400570161641,
0.015386106446385384,
0.036893330514431,
0.029264172539114952,
0.03244424983859062,
-0.0024588201195001602,
0.2027585804462433,
-0.016714029014110565,
0.07929470390081406,
0.03035580925643444,
0.0032271414529532194,
-0.03441057354211807,
0.03670976683497429,
0.013548621907830238,
0.006611263379454613,
0.024949591606855392,
0.02221144735813141,
-0.017158638685941696,
-0.04949056729674339,
-0.01618320122361183,
0.06267062574625015,
0.15753675997257233,
0.16708463430404663,
-0.044956453144550323,
0.07267832010984421,
-0.15292376279830933,
-0.048787955194711685,
0.02053694613277912,
-0.038598835468292236,
0.058766935020685196,
-0.06901281327009201,
0.03104834258556366,
0.07913947105407715,
-0.09882285445928574,
0.1481572985649109,
-0.07761727273464203,
-0.023312602192163467,
-0.0278619471937418,
-0.14985518157482147,
-0.04424713924527168,
-0.005863622296601534,
0.0011236900463700294,
-0.09017850458621979,
0.09809669107198715,
0.14130987226963043,
-0.004028174094855785,
0.001205247244797647,
0.0770002231001854,
-0.06517551094293594,
-0.05222891643643379,
-0.026156514883041382,
-0.003952011466026306,
0.009990650229156017,
0.006409660913050175,
0.07748184353113174,
0.016845278441905975,
0.06143568828701973,
0.0550781674683094,
0.09950624406337738,
0.0368252694606781,
0.02432657591998577,
-0.03245581313967705,
-0.06950251013040543,
-0.0015645218081772327,
-0.00711107486858964,
-0.055361222475767136,
0.21017475426197052,
0.06447113305330276,
0.016718680039048195,
0.007130908779799938,
0.20776645839214325,
-0.0020677936263382435,
-0.07293412834405899,
-0.1352161467075348,
0.11372051388025284,
-0.0026288405060768127,
0.01123240776360035,
0.015901843085885048,
-0.13196653127670288,
0.03892139717936516,
0.1679176390171051,
0.11172057688236237,
0.0393485352396965,
0.008891572244465351,
0.01692047342658043,
0.022829467430710793,
-0.029131382703781128,
0.038609061390161514,
0.031806495040655136,
0.2115793377161026,
-0.054625254124403,
0.04671013355255127,
-0.015948086977005005,
-0.007539375685155392,
-0.023939568549394608,
0.0698273703455925,
-0.04003124311566353,
0.009678964503109455,
-0.057214654982089996,
0.10886052995920181,
-0.058676935732364655,
-0.23526261746883392,
-0.013149349950253963,
-0.09559465944766998,
-0.1313066929578781,
-0.03312147781252861,
0.03392476961016655,
-0.013647406361997128,
0.04315480589866638,
0.03359203413128853,
-0.027941161766648293,
0.19945253431797028,
0.00008613317186245695,
-0.07288743555545807,
-0.07825550436973572,
0.054170042276382446,
-0.015703478828072548,
0.2528345286846161,
-0.015520643442869186,
0.07425987720489502,
0.1029011458158493,
-0.01595267280936241,
-0.14770297706127167,
-0.00039654807187616825,
0.09616677463054657,
-0.04273776710033417,
0.060659658163785934,
0.158042773604393,
-0.036605022847652435,
0.15436843037605286,
0.046312425285577774,
-0.02303711138665676,
0.05933287739753723,
0.0683131068944931,
0.05464212968945503,
-0.09726979583501816,
0.08697453886270523,
-0.08062326908111572,
0.14091476798057556,
0.1070534884929657,
-0.0350743867456913,
-0.0012347133597359061,
-0.052312031388282776,
0.058629363775253296,
-0.028088878840208054,
0.12347138673067093,
-0.01438962109386921,
-0.16160202026367188,
0.03179853409528732,
0.023997653275728226,
0.046385765075683594,
-0.22435978055000305,
-0.07583847641944885,
0.12460649013519287,
-0.04762730002403259,
0.024955347180366516,
0.09414073824882507,
0.048316266387701035,
0.013911099173128605,
-0.06720778346061707,
-0.06136051192879677,
-0.005698925815522671,
0.12037734687328339,
-0.08333756029605865,
-0.03950458765029907
] |
be9393c81659b176efda35dfa5291d38920ff500 |
# Dataset Card for Evaluation run of AA051611/limb
<!-- Provide a quick summary of the dataset. -->
Dataset automatically created during the evaluation run of model [AA051611/limb](https://huggingface.co/AA051611/limb) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).
To load the details from a run, you can for instance do the following:
```python
from datasets import load_dataset
data = load_dataset("open-llm-leaderboard/details_AA051611__limb",
"harness_winogrande_5",
split="train")
```
## Latest results
These are the [latest results from run 2024-01-14T17:31:13.154923](https://huggingface.co/datasets/open-llm-leaderboard/details_AA051611__limb/blob/main/results_2024-01-14T17-31-13.154923.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
```python
{
"all": {
"acc": 0.7173948628205344,
"acc_stderr": 0.029795425890422344,
"acc_norm": 0.7228232912878558,
"acc_norm_stderr": 0.030359217292974663,
"mc1": 0.3990208078335373,
"mc1_stderr": 0.017142825728496767,
"mc2": 0.5836669238966421,
"mc2_stderr": 0.01521191071011394
},
"harness|arc:challenge|25": {
"acc": 0.5921501706484642,
"acc_stderr": 0.014361097288449712,
"acc_norm": 0.6348122866894198,
"acc_norm_stderr": 0.0140702655192688
},
"harness|hellaswag|10": {
"acc": 0.6357299342760406,
"acc_stderr": 0.0048024139199326675,
"acc_norm": 0.8307110137422824,
"acc_norm_stderr": 0.0037424055874098806
},
"harness|hendrycksTest-abstract_algebra|5": {
"acc": 0.47,
"acc_stderr": 0.05016135580465919,
"acc_norm": 0.47,
"acc_norm_stderr": 0.05016135580465919
},
"harness|hendrycksTest-anatomy|5": {
"acc": 0.6814814814814815,
"acc_stderr": 0.04024778401977108,
"acc_norm": 0.6814814814814815,
"acc_norm_stderr": 0.04024778401977108
},
"harness|hendrycksTest-astronomy|5": {
"acc": 0.8157894736842105,
"acc_stderr": 0.0315469804508223,
"acc_norm": 0.8157894736842105,
"acc_norm_stderr": 0.0315469804508223
},
"harness|hendrycksTest-business_ethics|5": {
"acc": 0.77,
"acc_stderr": 0.04229525846816505,
"acc_norm": 0.77,
"acc_norm_stderr": 0.04229525846816505
},
"harness|hendrycksTest-clinical_knowledge|5": {
"acc": 0.7849056603773585,
"acc_stderr": 0.025288394502891363,
"acc_norm": 0.7849056603773585,
"acc_norm_stderr": 0.025288394502891363
},
"harness|hendrycksTest-college_biology|5": {
"acc": 0.8055555555555556,
"acc_stderr": 0.03309615177059007,
"acc_norm": 0.8055555555555556,
"acc_norm_stderr": 0.03309615177059007
},
"harness|hendrycksTest-college_chemistry|5": {
"acc": 0.47,
"acc_stderr": 0.05016135580465919,
"acc_norm": 0.47,
"acc_norm_stderr": 0.05016135580465919
},
"harness|hendrycksTest-college_computer_science|5": {
"acc": 0.61,
"acc_stderr": 0.04902071300001975,
"acc_norm": 0.61,
"acc_norm_stderr": 0.04902071300001975
},
"harness|hendrycksTest-college_mathematics|5": {
"acc": 0.45,
"acc_stderr": 0.04999999999999999,
"acc_norm": 0.45,
"acc_norm_stderr": 0.04999999999999999
},
"harness|hendrycksTest-college_medicine|5": {
"acc": 0.6936416184971098,
"acc_stderr": 0.0351494255126744,
"acc_norm": 0.6936416184971098,
"acc_norm_stderr": 0.0351494255126744
},
"harness|hendrycksTest-college_physics|5": {
"acc": 0.43137254901960786,
"acc_stderr": 0.04928099597287533,
"acc_norm": 0.43137254901960786,
"acc_norm_stderr": 0.04928099597287533
},
"harness|hendrycksTest-computer_security|5": {
"acc": 0.81,
"acc_stderr": 0.03942772444036624,
"acc_norm": 0.81,
"acc_norm_stderr": 0.03942772444036624
},
"harness|hendrycksTest-conceptual_physics|5": {
"acc": 0.723404255319149,
"acc_stderr": 0.029241883869628813,
"acc_norm": 0.723404255319149,
"acc_norm_stderr": 0.029241883869628813
},
"harness|hendrycksTest-econometrics|5": {
"acc": 0.5964912280701754,
"acc_stderr": 0.04615186962583707,
"acc_norm": 0.5964912280701754,
"acc_norm_stderr": 0.04615186962583707
},
"harness|hendrycksTest-electrical_engineering|5": {
"acc": 0.7034482758620689,
"acc_stderr": 0.03806142687309992,
"acc_norm": 0.7034482758620689,
"acc_norm_stderr": 0.03806142687309992
},
"harness|hendrycksTest-elementary_mathematics|5": {
"acc": 0.626984126984127,
"acc_stderr": 0.02490699045899257,
"acc_norm": 0.626984126984127,
"acc_norm_stderr": 0.02490699045899257
},
"harness|hendrycksTest-formal_logic|5": {
"acc": 0.5,
"acc_stderr": 0.04472135954999579,
"acc_norm": 0.5,
"acc_norm_stderr": 0.04472135954999579
},
"harness|hendrycksTest-global_facts|5": {
"acc": 0.52,
"acc_stderr": 0.050211673156867795,
"acc_norm": 0.52,
"acc_norm_stderr": 0.050211673156867795
},
"harness|hendrycksTest-high_school_biology|5": {
"acc": 0.8451612903225807,
"acc_stderr": 0.020579287326583227,
"acc_norm": 0.8451612903225807,
"acc_norm_stderr": 0.020579287326583227
},
"harness|hendrycksTest-high_school_chemistry|5": {
"acc": 0.5517241379310345,
"acc_stderr": 0.034991131376767445,
"acc_norm": 0.5517241379310345,
"acc_norm_stderr": 0.034991131376767445
},
"harness|hendrycksTest-high_school_computer_science|5": {
"acc": 0.78,
"acc_stderr": 0.04163331998932261,
"acc_norm": 0.78,
"acc_norm_stderr": 0.04163331998932261
},
"harness|hendrycksTest-high_school_european_history|5": {
"acc": 0.8363636363636363,
"acc_stderr": 0.02888787239548795,
"acc_norm": 0.8363636363636363,
"acc_norm_stderr": 0.02888787239548795
},
"harness|hendrycksTest-high_school_geography|5": {
"acc": 0.9141414141414141,
"acc_stderr": 0.019960225563172885,
"acc_norm": 0.9141414141414141,
"acc_norm_stderr": 0.019960225563172885
},
"harness|hendrycksTest-high_school_government_and_politics|5": {
"acc": 0.9326424870466321,
"acc_stderr": 0.018088393839078898,
"acc_norm": 0.9326424870466321,
"acc_norm_stderr": 0.018088393839078898
},
"harness|hendrycksTest-high_school_macroeconomics|5": {
"acc": 0.764102564102564,
"acc_stderr": 0.021525965407408726,
"acc_norm": 0.764102564102564,
"acc_norm_stderr": 0.021525965407408726
},
"harness|hendrycksTest-high_school_mathematics|5": {
"acc": 0.4111111111111111,
"acc_stderr": 0.029999923508706682,
"acc_norm": 0.4111111111111111,
"acc_norm_stderr": 0.029999923508706682
},
"harness|hendrycksTest-high_school_microeconomics|5": {
"acc": 0.7899159663865546,
"acc_stderr": 0.026461398717471874,
"acc_norm": 0.7899159663865546,
"acc_norm_stderr": 0.026461398717471874
},
"harness|hendrycksTest-high_school_physics|5": {
"acc": 0.45695364238410596,
"acc_stderr": 0.04067325174247443,
"acc_norm": 0.45695364238410596,
"acc_norm_stderr": 0.04067325174247443
},
"harness|hendrycksTest-high_school_psychology|5": {
"acc": 0.8880733944954129,
"acc_stderr": 0.013517352714958792,
"acc_norm": 0.8880733944954129,
"acc_norm_stderr": 0.013517352714958792
},
"harness|hendrycksTest-high_school_statistics|5": {
"acc": 0.6342592592592593,
"acc_stderr": 0.03284738857647206,
"acc_norm": 0.6342592592592593,
"acc_norm_stderr": 0.03284738857647206
},
"harness|hendrycksTest-high_school_us_history|5": {
"acc": 0.8921568627450981,
"acc_stderr": 0.021770522281368394,
"acc_norm": 0.8921568627450981,
"acc_norm_stderr": 0.021770522281368394
},
"harness|hendrycksTest-high_school_world_history|5": {
"acc": 0.8818565400843882,
"acc_stderr": 0.02101105265987846,
"acc_norm": 0.8818565400843882,
"acc_norm_stderr": 0.02101105265987846
},
"harness|hendrycksTest-human_aging|5": {
"acc": 0.7399103139013453,
"acc_stderr": 0.029442495585857476,
"acc_norm": 0.7399103139013453,
"acc_norm_stderr": 0.029442495585857476
},
"harness|hendrycksTest-human_sexuality|5": {
"acc": 0.8396946564885496,
"acc_stderr": 0.032178294207446306,
"acc_norm": 0.8396946564885496,
"acc_norm_stderr": 0.032178294207446306
},
"harness|hendrycksTest-international_law|5": {
"acc": 0.8842975206611571,
"acc_stderr": 0.0291998024556228,
"acc_norm": 0.8842975206611571,
"acc_norm_stderr": 0.0291998024556228
},
"harness|hendrycksTest-jurisprudence|5": {
"acc": 0.8425925925925926,
"acc_stderr": 0.03520703990517963,
"acc_norm": 0.8425925925925926,
"acc_norm_stderr": 0.03520703990517963
},
"harness|hendrycksTest-logical_fallacies|5": {
"acc": 0.8098159509202454,
"acc_stderr": 0.03083349114628123,
"acc_norm": 0.8098159509202454,
"acc_norm_stderr": 0.03083349114628123
},
"harness|hendrycksTest-machine_learning|5": {
"acc": 0.5446428571428571,
"acc_stderr": 0.04726835553719098,
"acc_norm": 0.5446428571428571,
"acc_norm_stderr": 0.04726835553719098
},
"harness|hendrycksTest-management|5": {
"acc": 0.8737864077669902,
"acc_stderr": 0.03288180278808628,
"acc_norm": 0.8737864077669902,
"acc_norm_stderr": 0.03288180278808628
},
"harness|hendrycksTest-marketing|5": {
"acc": 0.9188034188034188,
"acc_stderr": 0.017893784904018543,
"acc_norm": 0.9188034188034188,
"acc_norm_stderr": 0.017893784904018543
},
"harness|hendrycksTest-medical_genetics|5": {
"acc": 0.85,
"acc_stderr": 0.035887028128263714,
"acc_norm": 0.85,
"acc_norm_stderr": 0.035887028128263714
},
"harness|hendrycksTest-miscellaneous|5": {
"acc": 0.896551724137931,
"acc_stderr": 0.0108904525446915,
"acc_norm": 0.896551724137931,
"acc_norm_stderr": 0.0108904525446915
},
"harness|hendrycksTest-moral_disputes|5": {
"acc": 0.7514450867052023,
"acc_stderr": 0.02326752843210017,
"acc_norm": 0.7514450867052023,
"acc_norm_stderr": 0.02326752843210017
},
"harness|hendrycksTest-moral_scenarios|5": {
"acc": 0.42569832402234636,
"acc_stderr": 0.016536829648997112,
"acc_norm": 0.42569832402234636,
"acc_norm_stderr": 0.016536829648997112
},
"harness|hendrycksTest-nutrition|5": {
"acc": 0.8169934640522876,
"acc_stderr": 0.022140767512880973,
"acc_norm": 0.8169934640522876,
"acc_norm_stderr": 0.022140767512880973
},
"harness|hendrycksTest-philosophy|5": {
"acc": 0.7813504823151125,
"acc_stderr": 0.02347558141786111,
"acc_norm": 0.7813504823151125,
"acc_norm_stderr": 0.02347558141786111
},
"harness|hendrycksTest-prehistory|5": {
"acc": 0.8117283950617284,
"acc_stderr": 0.02175186606081587,
"acc_norm": 0.8117283950617284,
"acc_norm_stderr": 0.02175186606081587
},
"harness|hendrycksTest-professional_accounting|5": {
"acc": 0.5283687943262412,
"acc_stderr": 0.029779450957303062,
"acc_norm": 0.5283687943262412,
"acc_norm_stderr": 0.029779450957303062
},
"harness|hendrycksTest-professional_law|5": {
"acc": 0.529986962190352,
"acc_stderr": 0.012747248967079058,
"acc_norm": 0.529986962190352,
"acc_norm_stderr": 0.012747248967079058
},
"harness|hendrycksTest-professional_medicine|5": {
"acc": 0.7647058823529411,
"acc_stderr": 0.025767252010855946,
"acc_norm": 0.7647058823529411,
"acc_norm_stderr": 0.025767252010855946
},
"harness|hendrycksTest-professional_psychology|5": {
"acc": 0.7630718954248366,
"acc_stderr": 0.01720166216978978,
"acc_norm": 0.7630718954248366,
"acc_norm_stderr": 0.01720166216978978
},
"harness|hendrycksTest-public_relations|5": {
"acc": 0.7363636363636363,
"acc_stderr": 0.04220224692971987,
"acc_norm": 0.7363636363636363,
"acc_norm_stderr": 0.04220224692971987
},
"harness|hendrycksTest-security_studies|5": {
"acc": 0.7836734693877551,
"acc_stderr": 0.026358916334904028,
"acc_norm": 0.7836734693877551,
"acc_norm_stderr": 0.026358916334904028
},
"harness|hendrycksTest-sociology|5": {
"acc": 0.8706467661691543,
"acc_stderr": 0.023729830881018526,
"acc_norm": 0.8706467661691543,
"acc_norm_stderr": 0.023729830881018526
},
"harness|hendrycksTest-us_foreign_policy|5": {
"acc": 0.95,
"acc_stderr": 0.021904291355759033,
"acc_norm": 0.95,
"acc_norm_stderr": 0.021904291355759033
},
"harness|hendrycksTest-virology|5": {
"acc": 0.5481927710843374,
"acc_stderr": 0.03874371556587953,
"acc_norm": 0.5481927710843374,
"acc_norm_stderr": 0.03874371556587953
},
"harness|hendrycksTest-world_religions|5": {
"acc": 0.8771929824561403,
"acc_stderr": 0.02517298435015577,
"acc_norm": 0.8771929824561403,
"acc_norm_stderr": 0.02517298435015577
},
"harness|truthfulqa:mc|0": {
"mc1": 0.3990208078335373,
"mc1_stderr": 0.017142825728496767,
"mc2": 0.5836669238966421,
"mc2_stderr": 0.01521191071011394
},
"harness|winogrande|5": {
"acc": 0.797947908445146,
"acc_stderr": 0.01128501375404745
},
"harness|gsm8k|5": {
"acc": 0.55420773313116,
"acc_stderr": 0.013691305174506698
}
}
```
## Dataset Details
### Dataset Description
<!-- Provide a longer summary of what this dataset is. -->
- **Curated by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
### Dataset Sources [optional]
<!-- Provide the basic links for the dataset. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the dataset is intended to be used. -->
### Direct Use
<!-- This section describes suitable use cases for the dataset. -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the dataset will not work well for. -->
[More Information Needed]
## Dataset Structure
<!-- This section provides a description of the dataset fields, and additional information about the dataset structure such as criteria used to create the splits, relationships between data points, etc. -->
[More Information Needed]
## Dataset Creation
### Curation Rationale
<!-- Motivation for the creation of this dataset. -->
[More Information Needed]
### Source Data
<!-- This section describes the source data (e.g. news text and headlines, social media posts, translated sentences, ...). -->
#### Data Collection and Processing
<!-- This section describes the data collection and processing process such as data selection criteria, filtering and normalization methods, tools and libraries used, etc. -->
[More Information Needed]
#### Who are the source data producers?
<!-- This section describes the people or systems who originally created the data. It should also include self-reported demographic or identity information for the source data creators if this information is available. -->
[More Information Needed]
### Annotations [optional]
<!-- If the dataset contains annotations which are not part of the initial data collection, use this section to describe them. -->
#### Annotation process
<!-- This section describes the annotation process such as annotation tools used in the process, the amount of data annotated, annotation guidelines provided to the annotators, interannotator statistics, annotation validation, etc. -->
[More Information Needed]
#### Who are the annotators?
<!-- This section describes the people or systems who created the annotations. -->
[More Information Needed]
#### Personal and Sensitive Information
<!-- State whether the dataset contains data that might be considered personal, sensitive, or private (e.g., data that reveals addresses, uniquely identifiable names or aliases, racial or ethnic origins, sexual orientations, religious beliefs, political opinions, financial or health data, etc.). If efforts were made to anonymize the data, describe the anonymization process. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
## Citation [optional]
<!-- If there is a paper or blog post introducing the dataset, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the dataset or dataset card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Dataset Card Authors [optional]
[More Information Needed]
## Dataset Card Contact
[More Information Needed] | open-llm-leaderboard/details_AA051611__limb | [
"region:us"
] | 2024-01-14T17:33:21+00:00 | {"pretty_name": "Evaluation run of AA051611/limb", "dataset_summary": "Dataset automatically created during the evaluation run of model [AA051611/limb](https://huggingface.co/AA051611/limb) on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard).\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)).\n\nTo load the details from a run, you can for instance do the following:\n```python\nfrom datasets import load_dataset\ndata = load_dataset(\"open-llm-leaderboard/details_AA051611__limb\",\n\t\"harness_winogrande_5\",\n\tsplit=\"train\")\n```\n\n## Latest results\n\nThese are the [latest results from run 2024-01-14T17:31:13.154923](https://huggingface.co/datasets/open-llm-leaderboard/details_AA051611__limb/blob/main/results_2024-01-14T17-31-13.154923.json)(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):\n\n```python\n{\n \"all\": {\n \"acc\": 0.7173948628205344,\n \"acc_stderr\": 0.029795425890422344,\n \"acc_norm\": 0.7228232912878558,\n \"acc_norm_stderr\": 0.030359217292974663,\n \"mc1\": 0.3990208078335373,\n \"mc1_stderr\": 0.017142825728496767,\n \"mc2\": 0.5836669238966421,\n \"mc2_stderr\": 0.01521191071011394\n },\n \"harness|arc:challenge|25\": {\n \"acc\": 0.5921501706484642,\n \"acc_stderr\": 0.014361097288449712,\n \"acc_norm\": 0.6348122866894198,\n \"acc_norm_stderr\": 0.0140702655192688\n },\n \"harness|hellaswag|10\": {\n \"acc\": 0.6357299342760406,\n \"acc_stderr\": 0.0048024139199326675,\n \"acc_norm\": 0.8307110137422824,\n \"acc_norm_stderr\": 0.0037424055874098806\n },\n \"harness|hendrycksTest-abstract_algebra|5\": {\n \"acc\": 0.47,\n \"acc_stderr\": 0.05016135580465919,\n \"acc_norm\": 0.47,\n \"acc_norm_stderr\": 0.05016135580465919\n },\n \"harness|hendrycksTest-anatomy|5\": {\n \"acc\": 0.6814814814814815,\n \"acc_stderr\": 0.04024778401977108,\n \"acc_norm\": 0.6814814814814815,\n \"acc_norm_stderr\": 0.04024778401977108\n },\n \"harness|hendrycksTest-astronomy|5\": {\n \"acc\": 0.8157894736842105,\n \"acc_stderr\": 0.0315469804508223,\n \"acc_norm\": 0.8157894736842105,\n \"acc_norm_stderr\": 0.0315469804508223\n },\n \"harness|hendrycksTest-business_ethics|5\": {\n \"acc\": 0.77,\n \"acc_stderr\": 0.04229525846816505,\n \"acc_norm\": 0.77,\n \"acc_norm_stderr\": 0.04229525846816505\n },\n \"harness|hendrycksTest-clinical_knowledge|5\": {\n \"acc\": 0.7849056603773585,\n \"acc_stderr\": 0.025288394502891363,\n \"acc_norm\": 0.7849056603773585,\n \"acc_norm_stderr\": 0.025288394502891363\n },\n \"harness|hendrycksTest-college_biology|5\": {\n \"acc\": 0.8055555555555556,\n \"acc_stderr\": 0.03309615177059007,\n \"acc_norm\": 0.8055555555555556,\n \"acc_norm_stderr\": 0.03309615177059007\n },\n \"harness|hendrycksTest-college_chemistry|5\": {\n \"acc\": 0.47,\n \"acc_stderr\": 0.05016135580465919,\n \"acc_norm\": 0.47,\n \"acc_norm_stderr\": 0.05016135580465919\n },\n \"harness|hendrycksTest-college_computer_science|5\": {\n \"acc\": 0.61,\n \"acc_stderr\": 0.04902071300001975,\n \"acc_norm\": 0.61,\n \"acc_norm_stderr\": 0.04902071300001975\n },\n \"harness|hendrycksTest-college_mathematics|5\": {\n \"acc\": 0.45,\n \"acc_stderr\": 0.04999999999999999,\n \"acc_norm\": 0.45,\n \"acc_norm_stderr\": 0.04999999999999999\n },\n \"harness|hendrycksTest-college_medicine|5\": {\n \"acc\": 0.6936416184971098,\n \"acc_stderr\": 0.0351494255126744,\n \"acc_norm\": 0.6936416184971098,\n \"acc_norm_stderr\": 0.0351494255126744\n },\n \"harness|hendrycksTest-college_physics|5\": {\n \"acc\": 0.43137254901960786,\n \"acc_stderr\": 0.04928099597287533,\n \"acc_norm\": 0.43137254901960786,\n \"acc_norm_stderr\": 0.04928099597287533\n },\n \"harness|hendrycksTest-computer_security|5\": {\n \"acc\": 0.81,\n \"acc_stderr\": 0.03942772444036624,\n \"acc_norm\": 0.81,\n \"acc_norm_stderr\": 0.03942772444036624\n },\n \"harness|hendrycksTest-conceptual_physics|5\": {\n \"acc\": 0.723404255319149,\n \"acc_stderr\": 0.029241883869628813,\n \"acc_norm\": 0.723404255319149,\n \"acc_norm_stderr\": 0.029241883869628813\n },\n \"harness|hendrycksTest-econometrics|5\": {\n \"acc\": 0.5964912280701754,\n \"acc_stderr\": 0.04615186962583707,\n \"acc_norm\": 0.5964912280701754,\n \"acc_norm_stderr\": 0.04615186962583707\n },\n \"harness|hendrycksTest-electrical_engineering|5\": {\n \"acc\": 0.7034482758620689,\n \"acc_stderr\": 0.03806142687309992,\n \"acc_norm\": 0.7034482758620689,\n \"acc_norm_stderr\": 0.03806142687309992\n },\n \"harness|hendrycksTest-elementary_mathematics|5\": {\n \"acc\": 0.626984126984127,\n \"acc_stderr\": 0.02490699045899257,\n \"acc_norm\": 0.626984126984127,\n \"acc_norm_stderr\": 0.02490699045899257\n },\n \"harness|hendrycksTest-formal_logic|5\": {\n \"acc\": 0.5,\n \"acc_stderr\": 0.04472135954999579,\n \"acc_norm\": 0.5,\n \"acc_norm_stderr\": 0.04472135954999579\n },\n \"harness|hendrycksTest-global_facts|5\": {\n \"acc\": 0.52,\n \"acc_stderr\": 0.050211673156867795,\n \"acc_norm\": 0.52,\n \"acc_norm_stderr\": 0.050211673156867795\n },\n \"harness|hendrycksTest-high_school_biology|5\": {\n \"acc\": 0.8451612903225807,\n \"acc_stderr\": 0.020579287326583227,\n \"acc_norm\": 0.8451612903225807,\n \"acc_norm_stderr\": 0.020579287326583227\n },\n \"harness|hendrycksTest-high_school_chemistry|5\": {\n \"acc\": 0.5517241379310345,\n \"acc_stderr\": 0.034991131376767445,\n \"acc_norm\": 0.5517241379310345,\n \"acc_norm_stderr\": 0.034991131376767445\n },\n \"harness|hendrycksTest-high_school_computer_science|5\": {\n \"acc\": 0.78,\n \"acc_stderr\": 0.04163331998932261,\n \"acc_norm\": 0.78,\n \"acc_norm_stderr\": 0.04163331998932261\n },\n \"harness|hendrycksTest-high_school_european_history|5\": {\n \"acc\": 0.8363636363636363,\n \"acc_stderr\": 0.02888787239548795,\n \"acc_norm\": 0.8363636363636363,\n \"acc_norm_stderr\": 0.02888787239548795\n },\n \"harness|hendrycksTest-high_school_geography|5\": {\n \"acc\": 0.9141414141414141,\n \"acc_stderr\": 0.019960225563172885,\n \"acc_norm\": 0.9141414141414141,\n \"acc_norm_stderr\": 0.019960225563172885\n },\n \"harness|hendrycksTest-high_school_government_and_politics|5\": {\n \"acc\": 0.9326424870466321,\n \"acc_stderr\": 0.018088393839078898,\n \"acc_norm\": 0.9326424870466321,\n \"acc_norm_stderr\": 0.018088393839078898\n },\n \"harness|hendrycksTest-high_school_macroeconomics|5\": {\n \"acc\": 0.764102564102564,\n \"acc_stderr\": 0.021525965407408726,\n \"acc_norm\": 0.764102564102564,\n \"acc_norm_stderr\": 0.021525965407408726\n },\n \"harness|hendrycksTest-high_school_mathematics|5\": {\n \"acc\": 0.4111111111111111,\n \"acc_stderr\": 0.029999923508706682,\n \"acc_norm\": 0.4111111111111111,\n \"acc_norm_stderr\": 0.029999923508706682\n },\n \"harness|hendrycksTest-high_school_microeconomics|5\": {\n \"acc\": 0.7899159663865546,\n \"acc_stderr\": 0.026461398717471874,\n \"acc_norm\": 0.7899159663865546,\n \"acc_norm_stderr\": 0.026461398717471874\n },\n \"harness|hendrycksTest-high_school_physics|5\": {\n \"acc\": 0.45695364238410596,\n \"acc_stderr\": 0.04067325174247443,\n \"acc_norm\": 0.45695364238410596,\n \"acc_norm_stderr\": 0.04067325174247443\n },\n \"harness|hendrycksTest-high_school_psychology|5\": {\n \"acc\": 0.8880733944954129,\n \"acc_stderr\": 0.013517352714958792,\n \"acc_norm\": 0.8880733944954129,\n \"acc_norm_stderr\": 0.013517352714958792\n },\n \"harness|hendrycksTest-high_school_statistics|5\": {\n \"acc\": 0.6342592592592593,\n \"acc_stderr\": 0.03284738857647206,\n \"acc_norm\": 0.6342592592592593,\n \"acc_norm_stderr\": 0.03284738857647206\n },\n \"harness|hendrycksTest-high_school_us_history|5\": {\n \"acc\": 0.8921568627450981,\n \"acc_stderr\": 0.021770522281368394,\n \"acc_norm\": 0.8921568627450981,\n \"acc_norm_stderr\": 0.021770522281368394\n },\n \"harness|hendrycksTest-high_school_world_history|5\": {\n \"acc\": 0.8818565400843882,\n \"acc_stderr\": 0.02101105265987846,\n \"acc_norm\": 0.8818565400843882,\n \"acc_norm_stderr\": 0.02101105265987846\n },\n \"harness|hendrycksTest-human_aging|5\": {\n \"acc\": 0.7399103139013453,\n \"acc_stderr\": 0.029442495585857476,\n \"acc_norm\": 0.7399103139013453,\n \"acc_norm_stderr\": 0.029442495585857476\n },\n \"harness|hendrycksTest-human_sexuality|5\": {\n \"acc\": 0.8396946564885496,\n \"acc_stderr\": 0.032178294207446306,\n \"acc_norm\": 0.8396946564885496,\n \"acc_norm_stderr\": 0.032178294207446306\n },\n \"harness|hendrycksTest-international_law|5\": {\n \"acc\": 0.8842975206611571,\n \"acc_stderr\": 0.0291998024556228,\n \"acc_norm\": 0.8842975206611571,\n \"acc_norm_stderr\": 0.0291998024556228\n },\n \"harness|hendrycksTest-jurisprudence|5\": {\n \"acc\": 0.8425925925925926,\n \"acc_stderr\": 0.03520703990517963,\n \"acc_norm\": 0.8425925925925926,\n \"acc_norm_stderr\": 0.03520703990517963\n },\n \"harness|hendrycksTest-logical_fallacies|5\": {\n \"acc\": 0.8098159509202454,\n \"acc_stderr\": 0.03083349114628123,\n \"acc_norm\": 0.8098159509202454,\n \"acc_norm_stderr\": 0.03083349114628123\n },\n \"harness|hendrycksTest-machine_learning|5\": {\n \"acc\": 0.5446428571428571,\n \"acc_stderr\": 0.04726835553719098,\n \"acc_norm\": 0.5446428571428571,\n \"acc_norm_stderr\": 0.04726835553719098\n },\n \"harness|hendrycksTest-management|5\": {\n \"acc\": 0.8737864077669902,\n \"acc_stderr\": 0.03288180278808628,\n \"acc_norm\": 0.8737864077669902,\n \"acc_norm_stderr\": 0.03288180278808628\n },\n \"harness|hendrycksTest-marketing|5\": {\n \"acc\": 0.9188034188034188,\n \"acc_stderr\": 0.017893784904018543,\n \"acc_norm\": 0.9188034188034188,\n \"acc_norm_stderr\": 0.017893784904018543\n },\n \"harness|hendrycksTest-medical_genetics|5\": {\n \"acc\": 0.85,\n \"acc_stderr\": 0.035887028128263714,\n \"acc_norm\": 0.85,\n \"acc_norm_stderr\": 0.035887028128263714\n },\n \"harness|hendrycksTest-miscellaneous|5\": {\n \"acc\": 0.896551724137931,\n \"acc_stderr\": 0.0108904525446915,\n \"acc_norm\": 0.896551724137931,\n \"acc_norm_stderr\": 0.0108904525446915\n },\n \"harness|hendrycksTest-moral_disputes|5\": {\n \"acc\": 0.7514450867052023,\n \"acc_stderr\": 0.02326752843210017,\n \"acc_norm\": 0.7514450867052023,\n \"acc_norm_stderr\": 0.02326752843210017\n },\n \"harness|hendrycksTest-moral_scenarios|5\": {\n \"acc\": 0.42569832402234636,\n \"acc_stderr\": 0.016536829648997112,\n \"acc_norm\": 0.42569832402234636,\n \"acc_norm_stderr\": 0.016536829648997112\n },\n \"harness|hendrycksTest-nutrition|5\": {\n \"acc\": 0.8169934640522876,\n \"acc_stderr\": 0.022140767512880973,\n \"acc_norm\": 0.8169934640522876,\n \"acc_norm_stderr\": 0.022140767512880973\n },\n \"harness|hendrycksTest-philosophy|5\": {\n \"acc\": 0.7813504823151125,\n \"acc_stderr\": 0.02347558141786111,\n \"acc_norm\": 0.7813504823151125,\n \"acc_norm_stderr\": 0.02347558141786111\n },\n \"harness|hendrycksTest-prehistory|5\": {\n \"acc\": 0.8117283950617284,\n \"acc_stderr\": 0.02175186606081587,\n \"acc_norm\": 0.8117283950617284,\n \"acc_norm_stderr\": 0.02175186606081587\n },\n \"harness|hendrycksTest-professional_accounting|5\": {\n \"acc\": 0.5283687943262412,\n \"acc_stderr\": 0.029779450957303062,\n \"acc_norm\": 0.5283687943262412,\n \"acc_norm_stderr\": 0.029779450957303062\n },\n \"harness|hendrycksTest-professional_law|5\": {\n \"acc\": 0.529986962190352,\n \"acc_stderr\": 0.012747248967079058,\n \"acc_norm\": 0.529986962190352,\n \"acc_norm_stderr\": 0.012747248967079058\n },\n \"harness|hendrycksTest-professional_medicine|5\": {\n \"acc\": 0.7647058823529411,\n \"acc_stderr\": 0.025767252010855946,\n \"acc_norm\": 0.7647058823529411,\n \"acc_norm_stderr\": 0.025767252010855946\n },\n \"harness|hendrycksTest-professional_psychology|5\": {\n \"acc\": 0.7630718954248366,\n \"acc_stderr\": 0.01720166216978978,\n \"acc_norm\": 0.7630718954248366,\n \"acc_norm_stderr\": 0.01720166216978978\n },\n \"harness|hendrycksTest-public_relations|5\": {\n \"acc\": 0.7363636363636363,\n \"acc_stderr\": 0.04220224692971987,\n \"acc_norm\": 0.7363636363636363,\n \"acc_norm_stderr\": 0.04220224692971987\n },\n \"harness|hendrycksTest-security_studies|5\": {\n \"acc\": 0.7836734693877551,\n \"acc_stderr\": 0.026358916334904028,\n \"acc_norm\": 0.7836734693877551,\n \"acc_norm_stderr\": 0.026358916334904028\n },\n \"harness|hendrycksTest-sociology|5\": {\n \"acc\": 0.8706467661691543,\n \"acc_stderr\": 0.023729830881018526,\n \"acc_norm\": 0.8706467661691543,\n \"acc_norm_stderr\": 0.023729830881018526\n },\n \"harness|hendrycksTest-us_foreign_policy|5\": {\n \"acc\": 0.95,\n \"acc_stderr\": 0.021904291355759033,\n \"acc_norm\": 0.95,\n \"acc_norm_stderr\": 0.021904291355759033\n },\n \"harness|hendrycksTest-virology|5\": {\n \"acc\": 0.5481927710843374,\n \"acc_stderr\": 0.03874371556587953,\n \"acc_norm\": 0.5481927710843374,\n \"acc_norm_stderr\": 0.03874371556587953\n },\n \"harness|hendrycksTest-world_religions|5\": {\n \"acc\": 0.8771929824561403,\n \"acc_stderr\": 0.02517298435015577,\n \"acc_norm\": 0.8771929824561403,\n \"acc_norm_stderr\": 0.02517298435015577\n },\n \"harness|truthfulqa:mc|0\": {\n \"mc1\": 0.3990208078335373,\n \"mc1_stderr\": 0.017142825728496767,\n \"mc2\": 0.5836669238966421,\n \"mc2_stderr\": 0.01521191071011394\n },\n \"harness|winogrande|5\": {\n \"acc\": 0.797947908445146,\n \"acc_stderr\": 0.01128501375404745\n },\n \"harness|gsm8k|5\": {\n \"acc\": 0.55420773313116,\n \"acc_stderr\": 0.013691305174506698\n }\n}\n```", "repo_url": "https://huggingface.co/AA051611/limb", "leaderboard_url": "https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard", "point_of_contact": "[email protected]", "configs": [{"config_name": "harness_arc_challenge_25", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|arc:challenge|25_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|arc:challenge|25_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_gsm8k_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|gsm8k|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|gsm8k|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hellaswag_10", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hellaswag|10_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hellaswag|10_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-management|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-virology|5_2024-01-14T17-31-13.154923.parquet", "**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_abstract_algebra_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-abstract_algebra|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_anatomy_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-anatomy|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_astronomy_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-astronomy|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_business_ethics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-business_ethics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_clinical_knowledge_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-clinical_knowledge|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_biology_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_biology|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_chemistry_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_chemistry|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_computer_science_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_computer_science|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_mathematics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_mathematics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_medicine_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_medicine|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_college_physics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-college_physics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_computer_security_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-computer_security|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_conceptual_physics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-conceptual_physics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_econometrics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-econometrics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_electrical_engineering_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-electrical_engineering|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_elementary_mathematics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-elementary_mathematics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_formal_logic_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-formal_logic|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_global_facts_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-global_facts|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_biology_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_biology|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_chemistry_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_chemistry|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_computer_science_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_computer_science|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_european_history_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_european_history|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_geography_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_geography|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_government_and_politics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_government_and_politics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_macroeconomics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_macroeconomics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_mathematics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_mathematics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_microeconomics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_microeconomics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_physics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_physics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_psychology_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_psychology|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_statistics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_statistics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_us_history_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_us_history|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_high_school_world_history_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-high_school_world_history|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_aging_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_aging|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_human_sexuality_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-human_sexuality|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_international_law_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-international_law|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_jurisprudence_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-jurisprudence|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_logical_fallacies_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-logical_fallacies|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_machine_learning_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-machine_learning|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_management_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-management|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_marketing_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-marketing|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_medical_genetics_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-medical_genetics|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_miscellaneous_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-miscellaneous|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_disputes_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_disputes|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_moral_scenarios_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-moral_scenarios|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_nutrition_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-nutrition|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_philosophy_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-philosophy|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_prehistory_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-prehistory|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_accounting_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_accounting|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_law_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_law|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_medicine_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_medicine|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_professional_psychology_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-professional_psychology|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_public_relations_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-public_relations|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_security_studies_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-security_studies|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_sociology_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-sociology|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_us_foreign_policy_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-us_foreign_policy|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_virology_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-virology|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_hendrycksTest_world_religions_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|hendrycksTest-world_religions|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_truthfulqa_mc_0", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|truthfulqa:mc|0_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "harness_winogrande_5", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["**/details_harness|winogrande|5_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["**/details_harness|winogrande|5_2024-01-14T17-31-13.154923.parquet"]}]}, {"config_name": "results", "data_files": [{"split": "2024_01_14T17_31_13.154923", "path": ["results_2024-01-14T17-31-13.154923.parquet"]}, {"split": "latest", "path": ["results_2024-01-14T17-31-13.154923.parquet"]}]}]} | 2024-01-14T17:33:43+00:00 | [] | [] | TAGS
#region-us
|
# Dataset Card for Evaluation run of AA051611/limb
Dataset automatically created during the evaluation run of model AA051611/limb on the Open LLM Leaderboard.
The dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.
The dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The "train" split is always pointing to the latest results.
An additional configuration "results" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).
To load the details from a run, you can for instance do the following:
## Latest results
These are the latest results from run 2024-01-14T17:31:13.154923(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the "latest" split for each eval):
## Dataset Details
### Dataset Description
- Curated by:
- Funded by [optional]:
- Shared by [optional]:
- Language(s) (NLP):
- License:
### Dataset Sources [optional]
- Repository:
- Paper [optional]:
- Demo [optional]:
## Uses
### Direct Use
### Out-of-Scope Use
## Dataset Structure
## Dataset Creation
### Curation Rationale
### Source Data
#### Data Collection and Processing
#### Who are the source data producers?
### Annotations [optional]
#### Annotation process
#### Who are the annotators?
#### Personal and Sensitive Information
## Bias, Risks, and Limitations
### Recommendations
Users should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.
[optional]
BibTeX:
APA:
## Glossary [optional]
## More Information [optional]
## Dataset Card Authors [optional]
## Dataset Card Contact
| [
"# Dataset Card for Evaluation run of AA051611/limb\n\n\n\nDataset automatically created during the evaluation run of model AA051611/limb on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T17:31:13.154923(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
"TAGS\n#region-us \n",
"# Dataset Card for Evaluation run of AA051611/limb\n\n\n\nDataset automatically created during the evaluation run of model AA051611/limb on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:",
"## Latest results\n\nThese are the latest results from run 2024-01-14T17:31:13.154923(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):",
"## Dataset Details",
"### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:",
"### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:",
"## Uses",
"### Direct Use",
"### Out-of-Scope Use",
"## Dataset Structure",
"## Dataset Creation",
"### Curation Rationale",
"### Source Data",
"#### Data Collection and Processing",
"#### Who are the source data producers?",
"### Annotations [optional]",
"#### Annotation process",
"#### Who are the annotators?",
"#### Personal and Sensitive Information",
"## Bias, Risks, and Limitations",
"### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:",
"## Glossary [optional]",
"## More Information [optional]",
"## Dataset Card Authors [optional]",
"## Dataset Card Contact"
] | [
6,
173,
68,
4,
40,
29,
3,
4,
9,
6,
5,
7,
4,
7,
10,
9,
5,
9,
8,
10,
46,
8,
7,
10,
5
] | [
"passage: TAGS\n#region-us \n# Dataset Card for Evaluation run of AA051611/limb\n\n\n\nDataset automatically created during the evaluation run of model AA051611/limb on the Open LLM Leaderboard.\n\nThe dataset is composed of 63 configuration, each one coresponding to one of the evaluated task.\n\nThe dataset has been created from 1 run(s). Each run can be found as a specific split in each configuration, the split being named using the timestamp of the run.The \"train\" split is always pointing to the latest results.\n\nAn additional configuration \"results\" store all the aggregated results of the run (and is used to compute and display the aggregated metrics on the Open LLM Leaderboard).\n\nTo load the details from a run, you can for instance do the following:## Latest results\n\nThese are the latest results from run 2024-01-14T17:31:13.154923(note that their might be results for other tasks in the repos if successive evals didn't cover the same tasks. You find each in the results and the \"latest\" split for each eval):## Dataset Details### Dataset Description\n\n\n\n\n\n- Curated by: \n- Funded by [optional]: \n- Shared by [optional]: \n- Language(s) (NLP): \n- License:### Dataset Sources [optional]\n\n\n\n- Repository: \n- Paper [optional]: \n- Demo [optional]:## Uses### Direct Use### Out-of-Scope Use## Dataset Structure## Dataset Creation### Curation Rationale### Source Data#### Data Collection and Processing#### Who are the source data producers?### Annotations [optional]#### Annotation process#### Who are the annotators?#### Personal and Sensitive Information## Bias, Risks, and Limitations### Recommendations\n\n\n\nUsers should be made aware of the risks, biases and limitations of the dataset. More information needed for further recommendations.\n\n[optional]\n\n\n\nBibTeX:\n\n\n\nAPA:## Glossary [optional]## More Information [optional]## Dataset Card Authors [optional]## Dataset Card Contact"
] | [
-0.06519173830747604,
0.18171820044517517,
-0.006418388802558184,
0.04007626697421074,
0.06037560850381851,
0.009463823400437832,
0.07415887713432312,
0.11272194981575012,
0.034975312650203705,
0.1515200138092041,
0.009763753041625023,
0.0998455360531807,
0.10855673253536224,
0.1227397695183754,
0.002172699896618724,
-0.13467764854431152,
0.0559922493994236,
-0.08730833977460861,
0.09309080988168716,
0.0671827495098114,
0.0819946676492691,
-0.08293669670820236,
0.06569772958755493,
-0.029714178293943405,
0.014624412171542645,
-0.00256441836245358,
-0.04713873565196991,
-0.04425749555230141,
0.10573305189609528,
0.07471509277820587,
0.037619832903146744,
-0.020185209810733795,
0.03202226758003235,
-0.27773961424827576,
0.02316274680197239,
0.10324443131685257,
-0.006991514470428228,
0.059106022119522095,
0.13871146738529205,
-0.08854600042104721,
0.11087845265865326,
-0.029576191678643227,
0.07372355461120605,
0.05292278900742531,
-0.13278615474700928,
-0.16137121617794037,
-0.16214752197265625,
0.0155570013448596,
0.06958786398172379,
0.04581691324710846,
-0.019911300390958786,
0.10119657963514328,
-0.028190122917294502,
0.048669807612895966,
0.14520227909088135,
-0.17197218537330627,
-0.022516882047057152,
0.052110880613327026,
0.031143860891461372,
0.04351769760251045,
-0.09692636877298355,
-0.03192447870969772,
0.03544796630740166,
0.053429003804922104,
0.00693344185128808,
0.012039124965667725,
0.06651944667100906,
0.018888048827648163,
-0.1364317536354065,
-0.12168038636445999,
0.11780952662229538,
-0.020727479830384254,
-0.05050560459494591,
-0.1601998209953308,
-0.0527074970304966,
-0.03180190548300743,
0.022427529096603394,
0.024880943819880486,
0.017138781026005745,
0.005193882156163454,
0.06507165729999542,
-0.010122203268110752,
-0.09418734908103943,
-0.04448201134800911,
-0.05033265799283981,
0.009217661805450916,
0.03256797790527344,
0.007109916303306818,
0.000725086429156363,
0.14430001378059387,
0.023759586736559868,
-0.07262957096099854,
-0.10389307141304016,
-0.04701954126358032,
-0.12090491503477097,
-0.041508886963129044,
0.012955688871443272,
-0.03828117996454239,
0.050473131239414215,
0.2463206648826599,
-0.06331879645586014,
0.030394380912184715,
-0.07723545283079147,
0.01632571779191494,
0.11304546147584915,
0.0760355070233345,
-0.048456717282533646,
-0.06052577868103981,
-0.03653552383184433,
0.0316796712577343,
0.03141958639025688,
-0.03218844160437584,
0.029197316616773605,
0.0660410076379776,
0.029839705675840378,
0.13285070657730103,
0.12150894850492477,
0.019692033529281616,
-0.06945382803678513,
-0.011512676253914833,
0.13106822967529297,
-0.18038257956504822,
0.007179320324212313,
0.022798223420977592,
-0.03416391462087631,
-0.09030560404062271,
0.06308618187904358,
-0.022076154127717018,
-0.0670827105641365,
0.09275034815073013,
-0.06695154309272766,
-0.05989597737789154,
-0.10623962432146072,
-0.07621393352746964,
0.03819992020726204,
-0.029005855321884155,
-0.059782013297080994,
-0.03227219358086586,
-0.1565970629453659,
-0.08931279182434082,
0.033826909959316254,
-0.07321495562791824,
-0.012085935100913048,
-0.003918518777936697,
0.023162664845585823,
-0.02159520424902439,
0.0021722293458878994,
0.08964788168668747,
-0.06727462261915207,
0.04141424968838692,
-0.03469182178378105,
0.042933691293001175,
0.08353238552808762,
0.033955201506614685,
-0.13782675564289093,
0.09949583560228348,
-0.06663613766431808,
0.10418684035539627,
-0.07015451788902283,
-0.024057583883404732,
-0.11567168682813644,
0.010273204185068607,
-0.00408853217959404,
0.017517542466521263,
-0.00031923336791805923,
0.08869512379169464,
-0.2238382250070572,
-0.0052731893956661224,
0.16487626731395721,
-0.1363377571105957,
-0.0792357474565506,
0.04955447092652321,
-0.03670741990208626,
0.054366569966077805,
0.047230128198862076,
0.06617957353591919,
0.0792045146226883,
-0.06307152658700943,
-0.1025630384683609,
-0.07078967243432999,
-0.04502015933394432,
0.13915902376174927,
0.06608089804649353,
-0.08733545988798141,
0.1002289354801178,
0.02206609584391117,
0.0004433027352206409,
-0.07211218029260635,
-0.019236013293266296,
-0.06126197427511215,
-0.0010839166352525353,
-0.014551467262208462,
-0.10825155675411224,
-0.026435377076268196,
-0.10904324799776077,
-0.013172649778425694,
-0.060577377676963806,
0.011669240891933441,
0.09704842418432236,
-0.03282902389764786,
0.02439083904027939,
-0.08929939568042755,
0.07099426537752151,
-0.010409391485154629,
0.019218267872929573,
-0.1976996511220932,
-0.0845571905374527,
0.023163313046097755,
-0.15879622101783752,
0.05218851938843727,
0.011576548218727112,
0.007858878932893276,
0.05159270018339157,
-0.0013073625741526484,
0.014238494448363781,
0.02365541271865368,
-0.014402220956981182,
-0.003768008667975664,
-0.17092271149158478,
-0.03341429680585861,
-0.06918413192033768,
0.07536613196134567,
-0.1259039044380188,
-0.01032990776002407,
0.10069965571165085,
0.14149603247642517,
0.005573680624365807,
-0.07556497305631638,
0.040597815066576004,
0.008998136967420578,
-0.07072608172893524,
-0.06701995432376862,
0.007110933773219585,
0.0029453528113663197,
0.02304190956056118,
0.07384517788887024,
-0.20754610002040863,
-0.17068463563919067,
0.0890744999051094,
0.11827980726957321,
-0.07300072908401489,
-0.09078564494848251,
-0.060053274035453796,
-0.054034627974033356,
-0.0998368188738823,
-0.040853746235370636,
0.07202033698558807,
0.08495479077100754,
0.0578763484954834,
-0.06792932748794556,
-0.06473421305418015,
-0.012976271100342274,
0.03191116452217102,
-0.07500966638326645,
0.09464660286903381,
0.07986177504062653,
-0.1065034568309784,
0.10346073657274246,
-0.008915928192436695,
0.11009499430656433,
0.10560011118650436,
0.0036305906251072884,
-0.11213604360818863,
-0.02322559989988804,
0.06440291553735733,
0.04544664919376373,
0.07965769618749619,
-0.0017991659697145224,
0.05252255126833916,
0.07812270522117615,
0.0036711562424898148,
0.02990327589213848,
-0.08627153187990189,
0.0327729694545269,
0.048009760677814484,
-0.008098567835986614,
-0.014039434492588043,
0.0018094495171681046,
0.0199541375041008,
0.0873437151312828,
0.007864569313824177,
0.06712134182453156,
-0.008777224458754063,
-0.050794731825590134,
-0.09684839844703674,
0.15438014268875122,
-0.09791450202465057,
-0.19424310326576233,
-0.16444632411003113,
-0.07315812259912491,
-0.02099785953760147,
-0.0010162709513679147,
0.05280892178416252,
0.015132371336221695,
-0.095706507563591,
-0.10972484946250916,
0.0426306426525116,
0.030260853469371796,
-0.11383611708879471,
-0.046892985701560974,
0.017997868359088898,
0.0011688872473314404,
-0.16830721497535706,
0.02028525434434414,
0.034913886338472366,
-0.07732418924570084,
0.02107502706348896,
0.08633796125650406,
0.10573628544807434,
0.10669360309839249,
0.05613572895526886,
-0.016381144523620605,
-0.01199935469776392,
0.18704698979854584,
-0.0995454266667366,
0.027259061112999916,
0.10521849989891052,
-0.05267755314707756,
0.08398019522428513,
0.1540026068687439,
0.005550550762563944,
-0.08765468746423721,
0.033881835639476776,
0.09160318225622177,
-0.0624791644513607,
-0.27676624059677124,
-0.0467916876077652,
-0.030949268490076065,
0.05191582441329956,
0.11025864630937576,
0.07777965068817139,
-0.0029051792807877064,
0.0227387435734272,
-0.1211935430765152,
-0.03673173487186432,
-0.02118276245892048,
0.07380041480064392,
0.06733368337154388,
-0.004256718326359987,
0.05018690973520279,
-0.061928100883960724,
0.04945283383131027,
0.1254788637161255,
0.028445856645703316,
0.1830858588218689,
-0.05375403165817261,
0.1821652203798294,
0.1126384511590004,
0.07158711552619934,
-0.017441704869270325,
0.0860784649848938,
-0.02285812236368656,
0.07067351788282394,
-0.01077295932918787,
-0.08705069869756699,
-0.028290944173932076,
0.09556344896554947,
0.01176939532160759,
-0.010667066089808941,
0.045038312673568726,
-0.042118337005376816,
0.057528503239154816,
0.24845445156097412,
0.025339173153042793,
-0.17387282848358154,
-0.030795039609074593,
0.049585532397031784,
-0.03558063134551048,
-0.10815342515707016,
-0.006524269003421068,
0.07090935111045837,
-0.1443495899438858,
0.049450863152742386,
-0.03157820925116539,
0.07849473506212234,
-0.14493457973003387,
-0.03614214062690735,
0.004810207523405552,
0.07510745525360107,
-0.04564262181520462,
0.09916143119335175,
-0.19090010225772858,
0.09097892791032791,
-0.007330082822591066,
0.036850448697805405,
-0.06983958184719086,
0.0723157599568367,
0.002550584264099598,
-0.06432105600833893,
0.1326974481344223,
-0.000633112620562315,
-0.1260649859905243,
-0.05770716071128845,
-0.09370223432779312,
-0.014428404159843922,
0.030351703986525536,
-0.10110647976398468,
0.12173173576593399,
-0.006054535508155823,
-0.009881731122732162,
-0.04533955454826355,
-0.006849801167845726,
-0.06781861186027527,
-0.21149151027202606,
0.08270476758480072,
-0.09721007943153381,
0.06437402963638306,
-0.05625095218420029,
-0.03402228653430939,
-0.03034253418445587,
0.15804632008075714,
-0.16562989354133606,
-0.07653199136257172,
-0.11430013924837112,
-0.006902542896568775,
0.13027414679527283,
-0.06473257392644882,
0.06214812025427818,
-0.044235628098249435,
0.1775469034910202,
-0.02816796861588955,
-0.05016503110527992,
0.015525862574577332,
-0.06823869049549103,
-0.18662023544311523,
-0.03881530836224556,
0.11613062769174576,
0.062178049236536026,
0.01593693718314171,
0.002078470541164279,
0.07578540593385696,
-0.014905978925526142,
-0.09445451200008392,
0.047763895243406296,
0.10944443196058273,
0.09478019922971725,
0.05492069572210312,
-0.027694933116436005,
-0.10343123972415924,
-0.09018363803625107,
-0.08717479556798935,
0.06065450608730316,
0.21081151068210602,
-0.04165053367614746,
0.12039832770824432,
0.11857511848211288,
-0.11586745083332062,
-0.19919699430465698,
-0.07754708081483841,
-0.03826536610722542,
-0.00783612485975027,
0.11864928901195526,
-0.19734735786914825,
0.032642535865306854,
0.08452249318361282,
-0.018816713243722916,
0.12497193366289139,
-0.23603416979312897,
-0.13238397240638733,
0.06099249795079231,
0.046637631952762604,
-0.1528806835412979,
-0.11702679097652435,
-0.09633664786815643,
-0.03243844211101532,
-0.10473302751779556,
0.10986588895320892,
-0.02026190608739853,
0.044404931366443634,
-0.021157220005989075,
0.04738572612404823,
0.040930718183517456,
-0.05254536494612694,
0.15046946704387665,
-0.03255622461438179,
0.05987180024385452,
-0.09114290773868561,
-0.016680320724844933,
-0.005987740587443113,
-0.0510038360953331,
0.06538665294647217,
-0.020187051966786385,
0.04339833930134773,
-0.029310675337910652,
-0.05244199559092522,
-0.02900674007833004,
0.038934171199798584,
-0.07408163696527481,
-0.06186525896191597,
-0.06587108969688416,
0.06694494932889938,
0.06672220677137375,
-0.02259703353047371,
0.015938473865389824,
-0.05728640407323837,
0.049154751002788544,
0.22173698246479034,
0.08332124352455139,
0.07249293476343155,
-0.09011763334274292,
-0.042771898210048676,
-0.0067772273905575275,
0.013327001594007015,
-0.09741471707820892,
0.04736989364027977,
0.09185731410980225,
0.037665750831365585,
0.11433301866054535,
0.004821328911930323,
-0.20304061472415924,
-0.006756979040801525,
0.079060398042202,
-0.09853021055459976,
-0.18078215420246124,
0.04205748066306114,
0.05766788125038147,
-0.12860791385173798,
-0.08666027337312698,
0.0797027200460434,
0.02841416373848915,
-0.018014682456851006,
0.017394177615642548,
0.0803120955824852,
0.03378782048821449,
0.09837336838245392,
-0.02516305074095726,
0.052638012915849686,
-0.0847461074590683,
0.1271253079175949,
0.13075944781303406,
-0.10801228135824203,
0.0012731448514387012,
0.06945094466209412,
-0.03530586138367653,
-0.05472726374864578,
-0.037507299333810806,
0.062470801174640656,
-0.025878284126520157,
-0.05244842544198036,
-0.024170102551579475,
-0.08377277106046677,
0.0778706818819046,
0.15184728801250458,
-0.0014877161011099815,
0.09397055953741074,
0.026629813015460968,
-0.015025478787720203,
-0.05769975483417511,
0.1213226467370987,
0.023145947605371475,
0.037904683500528336,
-0.022234659641981125,
0.03700835630297661,
0.014195645228028297,
-0.01813664846122265,
0.021799657493829727,
-0.06190389022231102,
-0.042924460023641586,
0.008378946222364902,
-0.1636924296617508,
0.026155436411499977,
-0.08113952726125717,
-0.018825756385922432,
0.013905267231166363,
0.0010476051829755306,
0.001599072595126927,
0.0231405571103096,
-0.046930521726608276,
-0.0543660931289196,
-0.05746070295572281,
0.11642052978277206,
-0.21156148612499237,
-0.0012103929184377193,
0.08111034333705902,
-0.08501151204109192,
0.07931754738092422,
-0.013013959862291813,
-0.021048251539468765,
-0.00795518048107624,
-0.09202416241168976,
-0.010376187972724438,
-0.03388889133930206,
0.03337789699435234,
0.012653958983719349,
-0.1622224748134613,
-0.017593760043382645,
0.00645079743117094,
-0.11323121190071106,
-0.007042920216917992,
0.003753193886950612,
-0.14082486927509308,
0.05563650280237198,
0.09065484255552292,
-0.03978491947054863,
-0.031565215438604355,
0.03011004626750946,
0.0471285916864872,
0.0129841398447752,
0.1096513420343399,
-0.024590205401182175,
0.03990233317017555,
-0.1644100844860077,
-0.027811957523226738,
0.008346153423190117,
0.0024946636985987425,
0.021095935255289078,
0.008146699517965317,
0.04054646193981171,
-0.018892843276262283,
0.22580280900001526,
-0.024967089295387268,
-0.04997282102704048,
0.035211484879255295,
0.025372490286827087,
-0.06672266125679016,
0.033930085599422455,
0.031352393329143524,
0.00016446859808638692,
0.012936422601342201,
0.005806292872875929,
-0.025569934397935867,
-0.04851074516773224,
0.019263099879026413,
0.10298372060060501,
0.10572689771652222,
0.22700221836566925,
-0.03676070645451546,
0.041895732283592224,
-0.14166198670864105,
-0.042732615023851395,
0.006750599946826696,
-0.03991376608610153,
0.04318897798657417,
-0.048884905874729156,
0.05266915261745453,
0.13268855214118958,
-0.13675303757190704,
0.12704335153102875,
-0.04857663810253143,
-0.029447387903928757,
-0.07880786806344986,
-0.19366571307182312,
-0.0357709564268589,
0.02122807689011097,
0.0018397445091977715,
-0.09380892664194107,
0.1109798327088356,
0.1374189555644989,
0.012407572008669376,
-0.012254119850695133,
0.061951614916324615,
-0.11851926147937775,
-0.057782866060733795,
-0.04757975414395332,
0.02857626974582672,
0.034989338368177414,
0.018900293856859207,
0.046831853687763214,
0.019640034064650536,
0.054418954998254776,
0.08278166502714157,
0.08632207661867142,
0.08898951858282089,
0.05720742791891098,
-0.03485213220119476,
-0.054520878940820694,
0.0037465966306626797,
-0.026352936401963234,
-0.04195946827530861,
0.1726917177438736,
0.05479724705219269,
0.03391864150762558,
0.027682101354002953,
0.20831896364688873,
-0.0116462092846632,
-0.07597516477108002,
-0.12371724843978882,
0.16441145539283752,
0.001975998980924487,
0.016872789710760117,
0.028193630278110504,
-0.12852968275547028,
0.031682614237070084,
0.1344486027956009,
0.09725750982761383,
0.01769576594233513,
0.010899039916694164,
0.023448780179023743,
0.022234441712498665,
-0.02705799974501133,
0.00832128431648016,
0.027317585423588753,
0.18898341059684753,
-0.05145091935992241,
0.09604775160551071,
-0.02784566581249237,
-0.012243874371051788,
-0.022089892998337746,
0.1047508642077446,
-0.0441119559109211,
0.021133268252015114,
-0.06008385494351387,
0.0707186684012413,
-0.04410009831190109,
-0.22560276091098785,
0.03322146460413933,
-0.028660999611020088,
-0.12048381567001343,
-0.006505944300442934,
0.03862866014242172,
-0.01705377735197544,
0.03633921965956688,
0.03625912964344025,
-0.009301852434873581,
0.18009905517101288,
0.0043542287312448025,
-0.07320646196603775,
-0.08473029732704163,
0.08027529716491699,
-0.0508764274418354,
0.27917829155921936,
-0.0011164859170094132,
0.025570929050445557,
0.08665411174297333,
-0.004219303373247385,
-0.14421063661575317,
0.05739118158817291,
0.08129201084375381,
-0.05293260142207146,
0.044458527117967606,
0.11719780415296555,
-0.010129210539162159,
0.11361625045537949,
0.05437140911817551,
-0.00040385904139839113,
0.06959198415279388,
0.03910908102989197,
-0.008039084263145924,
-0.07655294984579086,
0.051890332251787186,
-0.07489212602376938,
0.12357570976018906,
0.13378752768039703,
-0.025721721351146698,
0.008904627524316311,
-0.05252036824822426,
0.04247049242258072,
-0.03365510702133179,
0.08541091531515121,
0.010445602238178253,
-0.13302403688430786,
0.07286947220563889,
0.0355200320482254,
0.0671057403087616,
-0.20697863399982452,
-0.07862761616706848,
0.0793919563293457,
-0.0561971552670002,
-0.03329414129257202,
0.09356322884559631,
0.044832490384578705,
0.03278662636876106,
-0.05802446976304054,
-0.08157451450824738,
0.016048988327383995,
0.09632173180580139,
-0.05163490027189255,
-0.048941027373075485
] |