sasha HF staff commited on
Commit
2e6a27b
β€’
1 Parent(s): 13ef1b6

shifting data around

Browse files
data/{image_classification.csv β†’ energy/image_classification.csv} RENAMED
File without changes
data/{image_generation.csv β†’ energy/image_generation.csv} RENAMED
File without changes
data/{question_answering.csv β†’ energy/question_answering.csv} RENAMED
File without changes
data/{text_classification.csv β†’ energy/text_classification.csv} RENAMED
File without changes
data/{text_generation.csv β†’ energy/text_generation.csv} RENAMED
File without changes
data/params/parameters_ASR.csv ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),GPU,Docker Process,parameters
2
+ 0,Whisper,1.54B,openai/whisper-large-v3,6.2,1 GPU,8677463,1543490560
3
+ 1,Distil-Whisper,756M,distil-whisper/distil-large-v2,1.5,1 GPU,8677465,756220160
4
+ 2,SeamlessM4T,2.31B,facebook/seamless-m4t-v2-large,9.2,,8677466,2309249669
5
+ 3,Wav2Vec,94.4M,facebook/wav2vec2-base-960h,0.378,,8677467,94371712
6
+ 4,Whisper,37.8 M,openai/whisper-tiny,0.151,,8677469,37760640
7
+ 5,Whisper,764M,openai/whisper-medium,3.1,,8678345,763857920
8
+ 6,Whisper,72.6M ,openai/whisper-base,0.29,,8677472,72593920
9
+ 7,Whisper,242M,openai/whisper-small,0.967,,8677474,241734912
10
+ 8,Distil-Whisper,394M ,distil-whisper/distil-medium.en,1.6,,8678206,394375168
11
+ 9,MMS,965M,facebook/mms-1b-all,3.9,,8677476,964648576
12
+ 10,Distil-Whisper,166M,distil-whisper/distil-small.en,0.332,,8677477,166132224
13
+ 11,SEW-D,,asapp/sew-d-base-plus-400k-ft-ls100h,0.708,,8677479,176979103
14
+ 12,Hubert,,facebook/hubert-large-ls960-ft,1.3,,8677481,315438720
15
+ 13,S2T,29.5M,facebook/s2t-small-librispeech-asr,0.118,,8677489,31335424
data/params/parameters_Extractive QA.csv ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),GPU #,Process,Labels,Dimension,parameters
2
+ 0,RoBERTa,124M,deepset/roberta-base-squad2,0.496,1 GPU,8673282,,,124645632
3
+ 1,BERT,,Intel/dynamic_tinybert,0.268,1 GPU,8675080,,,66955008
4
+ 2,DistilBERT,65.2M ,distilbert/distilbert-base-cased-distilled-squad,0.261,1 GPU,8675082,,,65190912
5
+ 3,MDeBERTa,278M ,timpal0l/mdeberta-v3-base-squad2,1.1,1 GPU,8673306,,,278218752
6
+ 4,BERT,335M,deepset/bert-large-uncased-whole-word-masking-squad2,1.3,1 GPU,8673307,,,335141888
7
+ 5,DeBERTa,184M,deepset/deberta-v3-base-squad2,0.735,1 GPU,8673309,,,183831552
8
+ 6,BERT,24.6M ,csarron/mobilebert-uncased-squad-v2,0.098,1 GPU,8673315,,,24581888
9
+ 7,Electra,,deepset/electra-base-squad2,0.436,1 GPU,8673317,size,,108891648
10
+ 8,RobERTa,81.5M,deepset/tinyroberta-squad2,0.326,1 GPU,8673318,,,82118400
11
+ 9,BERT,,phiyodr/bert-large-finetuned-squad2,1.3,1 GPU,8673319,size,,335141888
12
+ 10,Longformer,,mrm8488/longformer-base-4096-finetuned-squadv2,0.595,1 GPU,8675495,,,148659456
13
+ 11,MiniLM,33.4M,deepset/minilm-uncased-squad2,0.134,1 GPU,8675085,,,33360000
14
+ 12,RoBERTa,354M ,deepset/roberta-large-squad2,1.4,1 GPU,8675087,,,355359744
15
+ 13,DeBERTa,434M ,deepset/deberta-v3-large-squad2,1.7,1 GPU,8675089,,,434012160
16
+ 14,Longformer,,allenai/longformer-large-4096-finetuned-triviaqa,1.7,1 GPU,8673326,,,434600960
17
+ 15,BERT,4.39M,mrm8488/bert-tiny-finetuned-squadv2,0.018,1 GPU,8673329,,,4385920
18
+ 16,DistilBERT,66.4M,Falconsai/question_answering_v2,0.266,1 GPU,8673327,,,66362880
19
+ 17,T5,,google-t5/t5-base,,1 GPU,8673335,,,222903552
20
+ 18,T5,,google-t5/t5-small,,1 GPU,8673336,,,60506624
21
+ 19,T5,,google-t5/t5-3b,,1 GPU,8673338,,,2851598336
22
+ 20,T5,,google-t5/t5-large,,1 GPU,8673340,,,737668096
23
+ 21,T5,,google-t5/t5-11b,,1 GPU,8673341,,,11307321344
data/params/parameters_Image Classification.csv ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),Notes,Labels,Dimension,Docker process,parameters
2
+ 0,ViT,86.6 M,google/vit-base-patch16-224,0.346,1 GPU,"1,000",224,8628011,86389248
3
+ 1,BEiT,,microsoft/beit-base-patch16-224-pt22k-ft22k,0.414,1 GPU,"21,841",224,8628014,85761984
4
+ 2,ResNet,25.6 M,microsoft/resnet-50,0.102,1 GPU,"1,000",224,8628015,23508032
5
+ 3,ViT,5.72 M,WinKawaks/vit-tiny-patch16-224,0.034,1 GPU,"1,000",224,8628016,5561472
6
+ 4,ViT,86.9 M,google/vit-base-patch16-384,0.348,1 GPU,"1,000",384,8628017,86681088
7
+ 5,BiT,,google/bit-50,0.102,1 GPU,"1,000",448,8628019,23500352
8
+ 6,ViT,,google/vit-large-patch32-384,1.2,1 GPU,"1,000",384,8628022,306657280
9
+ 7,Swin,,microsoft/swinv2-tiny-patch4-window16-256,114.0,1 GPU,"1,000",256,8628024,27578154
10
+ 8,ConvNext,,facebook/convnext-tiny-224,114.0,1 GPU,"1,000",224,8628026,27820128
11
+ 9,ConvNext,,facebook/convnext-large-224,791.0,1 GPU,"1,000",224,8628027,196230336
12
+ 10,ConvNext,,facebook/convnext-base-384-22k-1k,354.0,1 GPU,"1,000",384,8628030,87566464
13
+ 11,MobileViT,,apple/mobilevit-small,0.022,1 GPU,"1,000",256,8628031,4937632
14
+ 12,ViT,88.3 M,google/vit-base-patch32-384,0.353,1 GPU,"1,000",384,8628033,88118784
15
+ 13,MobileNet,,google/mobilenet_v2_1.0_224,0.014,1 GPU,"1,001",224,8628034,2223872
16
+ 14,BEiT,,microsoft/beit-base-patch16-224,0.35,1 GPU,"1,000",224,8628035,85761984
17
+ 15,Swin,,microsoft/swinv2-large-patch4-window12-192-22k,0.915,1 GPU,"21,841",192,8628036,195202932
18
+ 16,Dino,,facebook/dinov2-base-imagenet1k-1-layer,0.352,1 GPU,1000,224,8628037,86580480
19
+ 17,Swin,,microsoft/swin-base-patch4-window12-384,0.356,1 GPU,"1,000",384,8672931,86878584
20
+ 18,ResNet,,microsoft/resnet-18,0.047,1 GPU,1000,224,8672934,11176512
21
+ 19,SegFormer,,nvidia/mit-b5,0.328,1 GPU,1000,512,8672935,81443008
22
+ 20,Swin,,microsoft/swinv2-tiny-patch4-window8-256,0.114,1 GPU,1000,256,8672936,27578154
23
+ 21,Vision Perceiver,,deepmind/vision-perceiver-conv,0.195,1 GPU,1000,224,8672938,41307218
24
+ 22,EfficientNet,,google/efficientnet-b7,0.267,1 GPU,1000,600,8672939,63786960
data/params/parameters_Image Generation.csv ADDED
@@ -0,0 +1,19 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),Process,Docker Process,Unnamed: 6,Error,parameters
2
+ 0,Stable Diffusion XL,,stabilityai/stable-diffusion-xl-base-1.0,34.34,5596167.0,8622641.0,,,0
3
+ 1,Stable Diffusion XL Turbo,,stabilityai/sdxl-turbo,41.44,5596171.0,8622663.0,,,0
4
+ 2,Stable Diffusion 2,,stabilityai/stable-diffusion-2-1,14.383,5498099.0,8622760.0,,,0
5
+ 3,OpenJourney,,prompthero/openjourney,6.327,5540875.0,8622848.0,,,0
6
+ 4,Stable Cascade,,stabilityai/stable-cascade,73.232,5340894.0,8622970.0,," return torch.embedding(weight, input, padding_idx, scale_grad_by_freq, sparse)
7
+ RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu! (when checking argument for argument index in method wrapper_CUDA__index_select)
8
+ ",0
9
+ 5,Stable Diffusion Turbo,,stabilityai/sd-turbo,12.816,5533964.0,8622998.0,,,0
10
+ 6,OpenJourney,,prompthero/openjourney-v4,6.627,5571612.0,8623026.0,,,0
11
+ 7,Mitsua,,Mitsua/mitsua-diffusion-one,1.289,5596148.0,8623062.0,,,0
12
+ 8,LCM,,SimianLuo/LCM_Dreamshaper_v7,8.335,5598268.0,8623283.0,,,0
13
+ 9,Counterfeit,,gsdf/Counterfeit-V2.5,20.527,5609377.0,8623405.0,,,0
14
+ 10,DreamLike,,dreamlike-art/dreamlike-photoreal-2.0,4.213,5613050.0,8623447.0,,,0
15
+ 11,epiCPhotoGasm,,Yntec/epiCPhotoGasm,10.073,5639321.0,8623543.0,,,0
16
+ 12,FLUX,,black-forest-labs/FLUX.1-schnell,,,8623600.0,,"ValueError: Pipeline <class 'diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.StableDiffusionPipeline'> expected {'feature_extractor', 'image_encoder', 'tokenizer', 'safety_checker', 'scheduler', 'vae', 'text_encoder', 'unet'}, but only {'vae', 'scheduler', 'tokenizer', 'text_encoder'} were passed.",0
17
+ 13,LORA,,latent-consistency/lcm-lora-sdv1-5,,,,,latent-consistency/lcm-lora-sdv1-5 does not appear to have a file named model_index.json.,0
18
+ 14,Stable Diffusion 3,,stabilityai/stable-diffusion-3-medium-diffusers,,,8627988.0,,"ValueError: Pipeline <class 'diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.StableDiffusionPipeline'> expected {'feature_extractor', 'image_encoder', 'text_encoder', 'scheduler', 'safety_checker', 'vae', 'unet', 'tokenizer'}, but only {'vae', 'text_encoder', 'scheduler', 'tokenizer'} were passed.",0
19
+ 15,DeepFloyd,,DeepFloyd/IF-I-M-v1.0,,,,,,0
data/params/parameters_Image to Text.csv ADDED
@@ -0,0 +1,16 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),Docker Process,Unnamed: 5,Unnamed: 6,Labels,Dimension,parameters
2
+ 0,VLRM,3.74B ,sashakunitsyn/vlrm-blip2-opt-2.7b,7.491,,,,,,3744679936
3
+ 1,BLIP,470M,Salesforce/blip-image-captioning-large,1.9,,,,,,447175937
4
+ 2,BLIP,,Salesforce/blip-image-captioning-base,0.99,,,,,,224726017
5
+ 3,BLIP-OPT,2.7B,Salesforce/blip2-opt-2.7b,15.5,,,,,,3744679936
6
+ 4,Pix2Struct,282M,google/pix2struct-base,1.1,,,,,,282000000
7
+ 5,BLIP-Flan-T5,3.94B,Salesforce/blip2-flan-t5-xl,15.7,,,,,,3942446592
8
+ 6,Kosmos,1.66B,microsoft/kosmos-2-patch14-224,6.7,,,,,,1664485376
9
+ 7,BLIP-Flan-T5,,Salesforce/blip2-flan-t5-xxl,49.526,,,,,,12229596672
10
+ 8,GIT,,microsoft/git-base,0.706,,,,,,153147648
11
+ 9,GIT,,microsoft/git-large,1.6,,,,,,370724608
12
+ 10,GIT,394M,microsoft/git-large-coco,1.6,,,,,,370724608
13
+ 11,FuseCap,,noamrot/FuseCap_Image_Captioning,0.896,,,,,,224726017
14
+ 12,BLIP-OPT,6.7B,Salesforce/blip2-opt-6.7b,31.8,,,,,,7752738304
15
+ 13,ViT,264M,bipin/image-caption-generator,0.982,,,,,,264000000
16
+ 14,ViT-Distil-GPT2,195M,sachin/vit2distilgpt2,0.743,,,,,,195000000
data/params/parameters_Sentence Similarity.csv ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),Docker Process,Unnamed: 5,parameters
2
+ 0,Mistral,7.11B,Salesforce/SFR-Embedding-Mistral,14.2,8713794,,7110660096
3
+ 1,GritLM,7.24 B,GritLM/GritLM-7B,14.4,8713797,,7110660096
4
+ 2,MxBAI,335M ,mixedbread-ai/mxbai-embed-large-v1,0.67,8713798,,335141888
5
+ 3,UAE,335M,WhereIsAI/UAE-Large-V1,1.3,8713799,,335141888
6
+ 4,E5,550M,intfloat/multilingual-e5-large-instruct,1.1,8713800,,559890432
7
+ 5,GIST,335M,avsolatorio/GIST-large-Embedding-v0,1.3,8713803,,335141888
8
+ 6,GIST,109 M,avsolatorio/GIST-Embedding-v0,0.438,8713804,,109482240
9
+ 7,BGE,109 M,BAAI/bge-base-en-v1.5,0.438,8713805,,109482240
10
+ 8,EMBER,335M,llmrails/ember-v1,0.547,8713806,,335141888
11
+ 9,GTE,335M,thenlper/gte-large,0.67,8713808,,335141888
12
+ 10,GTE,109 M,thenlper/gte-base,0.219,8713809,,109482240
13
+ 11,Nomic,137M,nomic-ai/nomic-embed-text-v1,0.547,8713810,,137000000
14
+ 12,E5,335M,intfloat/e5-large-v2,1.3,8713812,,335141888
15
+ 13,BGE,33.4M,BAAI/bge-small-en-v1.5,0.134,8713814,,33360000
16
+ 14,E5,109 M,intfloat/e5-base-v2,0.438,8713815,,109482240
17
+ 15,GTE,33.4M,thenlper/gte-small,0.067,8713816,,33360000
18
+ 16,BLOOM,7B,izhx/udever-bloom-7b1,28.3,8713817,,7069016064
19
+ 17,BLOOM,3B,izhx/udever-bloom-3b,12,8713822,,3002557440
20
+ 18,BLOOM,1B,izhx/udever-bloom-1b1,4.3,8713835,,1065314304
21
+ 19,GIST,22.7 M,avsolatorio/GIST-all-MiniLM-L6-v2,0.091,8713838,,22713216
data/params/parameters_Text Classification.csv ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ,Model Family,# Params,Link,Size (GB),Notes,Docker Process,parameters
2
+ 0,DistilBERT,,lvwerra/distilbert-imdb,0.268,1 GPU,8627841,66362880
3
+ 1,BERT,,nlptown/bert-base-multilingual-uncased-sentiment,0.67,1 GPU,8627865,167356416
4
+ 2,BERT,,Cheng98/bert-large-sst2,1.3,1 GPU,8627876,333579264
5
+ 3,DistilBERT,67 M,distilbert/distilbert-base-uncased-finetuned-sst-2-english,0.268,1 GPU,8627880,66362880
6
+ 4,GPT-2,,mnoukhov/gpt2-imdb-sentiment-classifier,0.51,1 GPU,8627884,124439808
7
+ 5,DistilBERT,,lxyuan/distilbert-base-multilingual-cased-sentiments-student,0.541,1 GPU,8627888,134734080
8
+ 6,GPT-2,,michelecafagna26/gpt2-medium-finetuned-sst2-sentiment,1.4,1 GPU,8627890,354823168
9
+ 7,Electra,,bhadresh-savani/electra-base-emotion,0.134,1 GPU,8627891,33511168
10
+ 8,T5,,google-t5/t5-base,0.892,,8627894,222903552
11
+ 9,T5,,google-t5/t5-small,0.242,,8627895,60506624
12
+ 10,T5,,google-t5/t5-3b,11.0,,8627896,2851598336
13
+ 11,T5,,google-t5/t5-large,3.0,,8627897,737668096
14
+ 12,T5,,google-t5/t5-11b,45.0,,8627899,11307321344