├── .github └── workflows │ ├── publish-to-test-pypi.yml │ ├── test_azure.yml │ ├── test_gpu_mlagility.yml │ ├── test_mlagility.yml │ └── test_onnxflow.yml ├── .pylintrc ├── CODEOWNERS ├── LICENSE ├── README.md ├── docs ├── code.md ├── contribute.md ├── img │ ├── block_diagram_dark.png │ ├── block_diagram_light.png │ ├── dashboard.gif │ └── mlagility.gif ├── install.md ├── readme.md ├── tools_user_guide.md └── versioning.md ├── examples ├── cli │ ├── build.md │ ├── cache.md │ ├── discovery.md │ ├── extras │ │ └── example_sequence.py │ ├── onnx │ │ └── sample.onnx │ ├── readme.md │ └── scripts │ │ ├── hello_world.py │ │ ├── max_depth.py │ │ ├── multiple_invocations.py │ │ └── two_models.py ├── model_api │ └── hello_world.py ├── onnxflow │ ├── hello_keras_world.py │ ├── hello_onnx_world.py │ ├── hello_torch_world.py │ ├── kneighborsclassifier.py │ ├── lgbmclassifier.py │ ├── randomforest.py │ └── xgbclassifier.py ├── readme.md └── script_api │ ├── onnx_opset.py │ └── scripts │ └── hello_world.py ├── models ├── __init__.py ├── diffusers │ ├── __init__.py │ ├── clip_text_encoder.py │ ├── safety_clipvision.py │ ├── unet_2d_condition.py │ └── vae_decoder.py ├── graph_convolutions │ ├── __init__.py │ ├── __pycache__ │ │ └── chebconv.cpython-38.pyc │ ├── chebconv.py │ ├── dnaconv.py │ ├── egconv.py │ ├── feastconv.py │ ├── gatedgraphconv.py │ ├── generalconv.py │ ├── leconv.py │ ├── pnaconv.py │ ├── resgatedgraphconv.py │ ├── sageconv.py │ ├── skip │ │ ├── appnp.py │ │ ├── armaconv.py │ │ ├── cgconv.py │ │ ├── chebconv.py │ │ ├── dnaconv.py │ │ ├── egconv.py │ │ ├── feastconv.py │ │ ├── filmconv.py │ │ ├── gatedgraphconv.py │ │ ├── generalconv.py │ │ ├── ginconv.py │ │ ├── gineconv.py │ │ ├── gmmconv.py │ │ ├── leconv.py │ │ ├── lgconv.py │ │ ├── mfconv.py │ │ ├── nnconv.py │ │ ├── pnaconv.py │ │ ├── resgatedgraphconv.py │ │ ├── sageconv.py │ │ ├── signedconv.py │ │ └── tagconv.py │ └── tagconv.py ├── llm │ ├── gpt_neo.py │ ├── gpt_neox.py │ └── gptj.py ├── llm_layer │ ├── gpt_neo_layer.py │ ├── gpt_neox_layer.py │ ├── gptj_layer.py │ ├── llama_13b_cache_layer.py │ ├── llama_13b_layer.py │ ├── llama_33b_cache_layer.py │ ├── llama_33b_layer.py │ ├── llama_65b_cache_layer.py │ ├── llama_65b_layer.py │ ├── llama_7b_cache_layer.py │ ├── llama_7b_layer.py │ └── llama_layer_prototype.py ├── popular_on_huggingface │ ├── 0x7194633_keyt5-large.py │ ├── AI-Growth-Lab_PatentSBERTa.py │ ├── AmazonScience_qanlu.py │ ├── BM-K_KoSimCSE-roberta.py │ ├── Babelscape_wikineural-multilingual-ner.py │ ├── Bhuvana_t5-base-spellchecker.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-ca-pos-egy.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-ca.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-da-pos-msa.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-da.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-mix-pos-msa.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-mix.py │ ├── CAMeL-Lab_bert-base-arabic-camelbert-msa.py │ ├── CompVis_ldm-text2im-large-256.py │ ├── CompVis_stable-diffusion-v1-4.py │ ├── DMetaSoul_sbert-chinese-general-v2.py │ ├── Davlan_bert-base-multilingual-cased-masakhaner.py │ ├── Davlan_bert-base-multilingual-cased-ner-hrl.py │ ├── Davlan_distilbert-base-multilingual-cased-ner-hrl.py │ ├── Davlan_xlm-roberta-base-ner-hrl.py │ ├── Davlan_xlm-roberta-large-ner-hrl.py │ ├── DmitryPogrebnoy_MedRuRobertaLarge.py │ ├── ElKulako_cryptobert.py │ ├── Elron_bleurt-base-512.py │ ├── Elron_bleurt-large-512.py │ ├── Elron_bleurt-tiny-512.py │ ├── FinanceInc_finbert_fls.py │ ├── HooshvareLab_bert-fa-zwnj-base-ner.py │ ├── HooshvareLab_distilbert-fa-zwnj-base-ner.py │ ├── Huffon_sentence-klue-roberta-base.py │ ├── IDEA-CCNL_Erlangshen-DeBERTa-v2-710M-Chinese.py │ ├── IDEA-CCNL_Erlangshen-Roberta-110M-NLI.py │ ├── IDEA-CCNL_Erlangshen-Roberta-110M-Sentiment.py │ ├── IDEA-CCNL_Erlangshen-Roberta-330M-Sentiment.py │ ├── IDEA-CCNL_Erlangshen-Roberta-330M-Similarity.py │ ├── IIC_dpr-spanish-passage_encoder-allqa-base.py │ ├── IIC_dpr-spanish-question_encoder-allqa-base.py │ ├── IlyaGusev_rubert_telegram_headlines.py │ ├── IlyaGusev_rut5_base_sum_gazeta.py │ ├── Intel_dpt-large-ade.py │ ├── Intel_dpt-large.py │ ├── Jean-Baptiste_camembert-ner-with-dates.py │ ├── Jean-Baptiste_camembert-ner.py │ ├── Jean-Baptiste_roberta-large-ner-english.py │ ├── K024_mt5-zh-ja-en-trimmed.py │ ├── KBLab_sentence-bert-swedish-cased.py │ ├── KES_T5-TTParser.py │ ├── KES_TEC-English.py │ ├── Kamuuung_autonlp-lessons_tagging-606217261.py │ ├── KoichiYasuoka_bert-base-japanese-upos.py │ ├── KoichiYasuoka_bert-large-japanese-wikipedia-ud-head.py │ ├── KoichiYasuoka_deberta-base-japanese-aozora-ud-head.py │ ├── KoichiYasuoka_deberta-base-thai-ud-head.py │ ├── KoichiYasuoka_roberta-base-thai-spm-upos.py │ ├── MCG-NJU_videomae-base-finetuned-kinetics.py │ ├── MCG-NJU_videomae-base-ssv2.py │ ├── MCG-NJU_videomae-base.py │ ├── MaRiOrOsSi_t5-base-finetuned-question-answering.py │ ├── MarcBrun_ixambert-finetuned-squad-eu-en.py │ ├── Michau_t5-base-en-generate-headline.py │ ├── MilaNLProc_feel-it-italian-emotion.py │ ├── MilaNLProc_feel-it-italian-sentiment.py │ ├── MoritzLaurer_DeBERTa-v3-base-mnli-fever-anli.py │ ├── MoritzLaurer_DeBERTa-v3-base-mnli-fever-docnli-ling-2c.py │ ├── MoritzLaurer_DeBERTa-v3-large-mnli-fever-anli-ling-wanli.py │ ├── MoritzLaurer_DeBERTa-v3-xsmall-mnli-fever-anli-ling-binary.py │ ├── MoritzLaurer_mDeBERTa-v3-base-mnli-xnli.py │ ├── MoritzLaurer_mDeBERTa-v3-base-xnli-multilingual-nli-2mil7.py │ ├── MoritzLaurer_policy-distilbert-7d.py │ ├── Musixmatch_umberto-commoncrawl-cased-v1.py │ ├── Narrativa_bsc_roberta2roberta_shared-spanish-finetuned-mlsum-summarization.py │ ├── NbAiLab_nb-bert-base-ner.py │ ├── NeuML_bert-small-cord19qa.py │ ├── NlpHUST_gpt2-vietnamese.py │ ├── NlpHUST_t5-en-vi-small.py │ ├── NlpHUST_vibert4news-base-cased.py │ ├── Preetiha_clause_classification.py │ ├── Recognai_bert-base-spanish-wwm-cased-xnli.py │ ├── Recognai_zeroshot_selectra_medium.py │ ├── Rostlab_prot_bert.py │ ├── Rostlab_prot_bert_bfd.py │ ├── Rostlab_prot_t5_xl_bfd.py │ ├── Rostlab_prot_t5_xl_uniref50.py │ ├── Sahajtomar_German_Zeroshot.py │ ├── Salesforce_codegen-2B-mono.py │ ├── Salesforce_codegen-2B-multi.py │ ├── Salesforce_codegen-350M-mono.py │ ├── Salesforce_codegen-350M-multi.py │ ├── Salesforce_codegen-350M-nl.py │ ├── Salesforce_codegen-6B-mono.py │ ├── Salesforce_codegen-6B-multi.py │ ├── Salesforce_codet5-base.py │ ├── Salesforce_codet5-large-ntp-py.py │ ├── Salesforce_codet5-large.py │ ├── Salesforce_codet5-small.py │ ├── Salesforce_mixqg-base.py │ ├── Sehong_t5-large-QuestionGeneration.py │ ├── SenseTime_deformable-detr.py │ ├── Sentdex_GPyT.py │ ├── Seznam_small-e-czech.py │ ├── SkolkovoInstitute_roberta_toxicity_classifier.py │ ├── SkolkovoInstitute_russian_toxicity_classifier.py │ ├── SkolkovoInstitute_xlmr_formality_classifier.py │ ├── StevenLimcorn_indonesian-roberta-base-emotion-classifier.py │ ├── TristanBehrens_js-fakes-4bars.py │ ├── TurkuNLP_sbert-cased-finnish-paraphrase.py │ ├── UBC-NLP_AraT5-base-title-generation.py │ ├── Unbabel_gec-t5_small.py │ ├── VMware_vbert-2021-base.py │ ├── Visual-Attention-Network_van-base.py │ ├── Visual-Attention-Network_van-tiny.py │ ├── Wikidepia_IndoT5-base-paraphrase.py │ ├── Xuhui_ToxDect-roberta-large.py │ ├── __init__.py │ ├── abhishek_autonlp-bbc-news-classification-37229289.py │ ├── ahmedrachid_FinancialBERT-Sentiment-Analysis.py │ ├── ai4bharat_IndicBART.py │ ├── ai4bharat_IndicBARTSS.py │ ├── aiknowyou_aiky-sentence-bertino.py │ ├── albert-base-v1.py │ ├── albert-base-v2.py │ ├── albert-large-v1.py │ ├── albert-large-v2.py │ ├── albert-xlarge-v1.py │ ├── albert-xlarge-v2.py │ ├── albert-xxlarge-v1.py │ ├── albert-xxlarge-v2.py │ ├── allegro_herbert-base-cased.py │ ├── allegro_herbert-klej-cased-tokenizer-v1.py │ ├── allegro_herbert-klej-cased-v1.py │ ├── allegro_herbert-large-cased.py │ ├── allenai_t5-small-next-word-generator-qoogle.py │ ├── allenai_t5-small-squad2-question-generation.py │ ├── aneuraz_awesome-align-with-co.py │ ├── ans_vaccinating-covid-tweets.py │ ├── apple_deeplabv3-mobilevit-small.py │ ├── apple_deeplabv3-mobilevit-xx-small.py │ ├── apple_mobilevit-small.py │ ├── apple_mobilevit-xx-small.py │ ├── asi_gpt-fr-cased-base.py │ ├── assemblyai_bert-large-uncased-sst2.py │ ├── aubmindlab_araelectra-base-discriminator.py │ ├── aujer_ni_model_8_19.py │ ├── avichr_heBERT.py │ ├── avichr_heBERT_sentiment_analysis.py │ ├── aware-ai_bart-squadv2.py │ ├── azwierzc_herbert-large-poquad.py │ ├── azwierzc_plt5-base-poquad.py │ ├── azwierzc_plt5-large-poquad.py │ ├── batterydata_batterybert-cased-squad-v1.py │ ├── bert-base-cased.py │ ├── bert-base-multilingual-cased.py │ ├── bert-base-multilingual-uncased.py │ ├── bert-base-uncased.py │ ├── bert-large-cased-whole-word-masking.py │ ├── bert-large-cased.py │ ├── bert-large-uncased-whole-word-masking.py │ ├── bert-large-uncased.py │ ├── bespin-global_klue-bert-base-aihub-mrc.py │ ├── bespin-global_klue-bert-base-mrc.py │ ├── bespin-global_klue-sentence-roberta-base.py │ ├── bespin-global_klue-sroberta-base-continue-learning-by-mnr.py │ ├── bhadresh-savani_bert-base-uncased-emotion.py │ ├── bhadresh-savani_distilbert-base-uncased-emotion.py │ ├── bhadresh-savani_electra-base-emotion.py │ ├── bhadresh-savani_roberta-base-emotion.py │ ├── bigscience_T0.py │ ├── bigscience_T0p.py │ ├── blinoff_roberta-base-russian-v0.py │ ├── cahya_bert-base-indonesian-522M.py │ ├── cahya_distilbert-base-indonesian.py │ ├── cahya_roberta-base-indonesian-522M.py │ ├── cardiffnlp_tweet-topic-21-multi.py │ ├── cardiffnlp_tweet-topic-21-single.py │ ├── cardiffnlp_twitter-roberta-base-emoji.py │ ├── cardiffnlp_twitter-roberta-base-emotion.py │ ├── cardiffnlp_twitter-roberta-base-hate.py │ ├── cardiffnlp_twitter-roberta-base-irony.py │ ├── cardiffnlp_twitter-roberta-base-offensive.py │ ├── cardiffnlp_twitter-roberta-base-sentiment.py │ ├── cardiffnlp_twitter-xlm-roberta-base-sentiment.py │ ├── chkla_parlbert-topic-german.py │ ├── clips_mfaq.py │ ├── cmarkea_distilcamembert-base-ner.py │ ├── cmarkea_distilcamembert-base-nli.py │ ├── cmarkea_distilcamembert-base-qa.py │ ├── cmarkea_distilcamembert-base-sentiment.py │ ├── codeparrot_codeparrot-small.py │ ├── codeparrot_codeparrot.py │ ├── cointegrated_LaBSE-en-ru.py │ ├── cointegrated_rubert-base-cased-nli-threeway.py │ ├── cointegrated_rubert-tiny-sentiment-balanced.py │ ├── cointegrated_rubert-tiny-toxicity.py │ ├── cointegrated_rubert-tiny.py │ ├── cointegrated_rubert-tiny2.py │ ├── cointegrated_rut5-small-chitchat.py │ ├── cointegrated_rut5-small.py │ ├── cross-encoder_nli-MiniLM2-L6-H768.py │ ├── cross-encoder_nli-deberta-base.py │ ├── cross-encoder_nli-deberta-v3-base.py │ ├── cross-encoder_nli-deberta-v3-large.py │ ├── cross-encoder_nli-deberta-v3-small.py │ ├── cross-encoder_nli-deberta-v3-xsmall.py │ ├── cross-encoder_nli-distilroberta-base.py │ ├── cross-encoder_nli-roberta-base.py │ ├── csebuetnlp_mT5_m2m_crossSum.py │ ├── csebuetnlp_mT5_m2o_arabic_crossSum.py │ ├── csebuetnlp_mT5_m2o_chinese_simplified_crossSum.py │ ├── csebuetnlp_mT5_multilingual_XLSum.py │ ├── ctrl.py │ ├── d4data_biomedical-ner-all.py │ ├── dandelin_vilt-b32-finetuned-nlvr2.py │ ├── dandelin_vilt-b32-finetuned-vqa.py │ ├── dandelin_vilt-b32-mlm.py │ ├── dangvantuan_sentence-camembert-base.py │ ├── dangvantuan_sentence-camembert-large.py │ ├── daveni_twitter-xlm-roberta-emotion-es.py │ ├── deepset_all-mpnet-base-v2-table.py │ ├── deepset_deberta-v3-base-squad2.py │ ├── deepset_deberta-v3-large-squad2.py │ ├── deepset_electra-base-squad2.py │ ├── deepset_roberta-base-squad2-covid.py │ ├── deepset_roberta-base-squad2.py │ ├── deepset_tinyroberta-squad2.py │ ├── deepset_xlm-roberta-base-squad2-distilled.py │ ├── deepset_xlm-roberta-large-squad2.py │ ├── dennlinger_bert-wiki-paragraphs.py │ ├── dennlinger_roberta-cls-consec.py │ ├── deutsche-telekom_bert-multi-english-german-squad2.py │ ├── deutsche-telekom_electra-base-de-squad2.py │ ├── digitalepidemiologylab_covid-twitter-bert-v2.py │ ├── digitalepidemiologylab_covid-twitter-bert.py │ ├── distilbert-base-cased.py │ ├── distilbert-base-multilingual-cased.py │ ├── distilbert-base-uncased-finetuned-sst-2-english.py │ ├── distilbert-base-uncased.py │ ├── distilroberta-base.py │ ├── dkleczek_bert-base-polish-cased-v1.py │ ├── dkleczek_bert-base-polish-uncased-v1.py │ ├── doc2query_all-t5-base-v1.py │ ├── doc2query_all-with_prefix-t5-base-v1.py │ ├── doc2query_msmarco-t5-base-v1.py │ ├── dslim_bert-base-NER.py │ ├── dslim_bert-large-NER.py │ ├── dumitrescustefan_bert-base-romanian-cased-v1.py │ ├── edumunozsala_beto_sentiment_analysis_es.py │ ├── edumunozsala_vit_base-224-in21k-ft-cifar100.py │ ├── efederici_cross-encoder-umberto-stsb.py │ ├── efederici_sentence-bert-base.py │ ├── ehdwns1516_klue-roberta-base-kornli.py │ ├── embedding-data_distilroberta-base-sentence-transformer.py │ ├── esiebomajeremiah_autonlp-email-classification-657119381.py │ ├── etalab-ia_camembert-base-squadFR-fquad-piaf.py │ ├── etalab-ia_dpr-ctx_encoder-fr_qa-camembert.py │ ├── etalab-ia_dpr-question_encoder-fr_qa-camembert.py │ ├── fabiochiu_t5-base-tag-generation.py │ ├── facebook_bart-base.py │ ├── facebook_bart-large.py │ ├── facebook_contriever-msmarco.py │ ├── facebook_contriever.py │ ├── facebook_convnext-base-224.py │ ├── facebook_convnext-base-384.py │ ├── facebook_convnext-large-224-22k-1k.py │ ├── facebook_convnext-small-224.py │ ├── facebook_convnext-tiny-224.py │ ├── facebook_convnext-xlarge-224-22k.py │ ├── facebook_convnext-xlarge-384-22k-1k.py │ ├── facebook_data2vec-vision-base-ft1k.py │ ├── facebook_deit-base-distilled-patch16-224.py │ ├── facebook_deit-base-distilled-patch16-384.py │ ├── facebook_deit-base-patch16-224.py │ ├── facebook_deit-base-patch16-384.py │ ├── facebook_deit-small-distilled-patch16-224.py │ ├── facebook_deit-small-patch16-224.py │ ├── facebook_deit-tiny-distilled-patch16-224.py │ ├── facebook_deit-tiny-patch16-224.py │ ├── facebook_detr-resnet-50-panoptic.py │ ├── facebook_detr-resnet-50.py │ ├── facebook_dino-vitb16.py │ ├── facebook_dino-vitb8.py │ ├── facebook_dino-vits16.py │ ├── facebook_dino-vits8.py │ ├── facebook_flava-full.py │ ├── facebook_levit-128S.py │ ├── facebook_maskformer-swin-base-ade.py │ ├── facebook_maskformer-swin-base-coco.py │ ├── facebook_maskformer-swin-large-ade.py │ ├── facebook_maskformer-swin-small-coco.py │ ├── facebook_maskformer-swin-tiny-ade.py │ ├── facebook_mbart-large-50.py │ ├── facebook_opt-125m.py │ ├── facebook_opt-350m.py │ ├── facebook_regnet-y-040.py │ ├── facebook_vit-mae-base.py │ ├── facebook_vit-mae-large.py │ ├── facebook_xlm-roberta-xl.py │ ├── fhswf_bert_de_ner.py │ ├── flax-community_clip-rsicd-v2.py │ ├── flax-community_roberta-hindi.py │ ├── flax-community_t5-large-wikisplit.py │ ├── flax-sentence-embeddings_all_datasets_v3_mpnet-base.py │ ├── flax-sentence-embeddings_all_datasets_v3_roberta-large.py │ ├── flax-sentence-embeddings_all_datasets_v4_MiniLM-L6.py │ ├── flax-sentence-embeddings_st-codesearch-distilroberta-base.py │ ├── flax-sentence-embeddings_stackoverflow_mpnet-base.py │ ├── flexudy_t5-base-multi-sentence-doctor.py │ ├── flexudy_t5-small-wav2vec2-grammar-fixer.py │ ├── fran-martinez_scibert_scivocab_cased_ner_jnlpba.py │ ├── funnel-transformer_large-base.py │ ├── funnel-transformer_xlarge-base.py │ ├── gerulata_slovakbert.py │ ├── gilf_french-camembert-postag-model.py │ ├── gilf_french-postag-model.py │ ├── google_bert2bert_L-24_wmt_de_en.py │ ├── google_byt5-base.py │ ├── google_byt5-large.py │ ├── google_byt5-small.py │ ├── google_canine-c.py │ ├── google_canine-s.py │ ├── google_ddpm-celebahq-256.py │ ├── google_ddpm-cifar10-32.py │ ├── google_electra-base-discriminator.py │ ├── google_electra-base-generator.py │ ├── google_electra-large-discriminator.py │ ├── google_electra-small-discriminator.py │ ├── google_fnet-base.py │ ├── google_long-t5-local-base.py │ ├── google_long-t5-tglobal-base.py │ ├── google_long-t5-tglobal-large.py │ ├── google_long-t5-tglobal-xl.py │ ├── google_mobilebert-uncased.py │ ├── google_owlvit-base-patch16.py │ ├── google_owlvit-base-patch32.py │ ├── google_owlvit-large-patch14.py │ ├── google_roberta2roberta_L-24_bbc.py │ ├── google_roberta2roberta_L-24_cnn_daily_mail.py │ ├── google_roberta2roberta_L-24_discofuse.py │ ├── google_t5-small-ssm-nq.py │ ├── google_vit-base-patch16-224-in21k.py │ ├── google_vit-base-patch16-224.py │ ├── google_vit-base-patch16-384.py │ ├── google_vit-base-patch32-224-in21k.py │ ├── google_vit-base-patch32-384.py │ ├── google_vit-huge-patch14-224-in21k.py │ ├── google_vit-large-patch16-224-in21k.py │ ├── google_vit-large-patch16-224.py │ ├── google_vit-large-patch16-384.py │ ├── google_vit-large-patch32-224-in21k.py │ ├── google_vit-large-patch32-384.py │ ├── hakurei_lit-6B.py │ ├── henryk_bert-base-multilingual-cased-finetuned-dutch-squad2.py │ ├── henryk_bert-base-multilingual-cased-finetuned-polish-squad2.py │ ├── hetpandya_t5-base-tapaco.py │ ├── hetpandya_t5-small-tapaco.py │ ├── hiiamsid_sentence_similarity_hindi.py │ ├── hiiamsid_sentence_similarity_spanish_es.py │ ├── hustvl_yolos-base.py │ ├── hustvl_yolos-small.py │ ├── hustvl_yolos-tiny.py │ ├── imranraad_idiom-xlm-roberta.py │ ├── inkoziev_rugpt_chitchat.py │ ├── intfloat_simlm-msmarco-reranker.py │ ├── j-hartmann_emotion-english-distilroberta-base.py │ ├── j-hartmann_purchase-intention-english-roberta-large.py │ ├── j-hartmann_sentiment-roberta-large-english-3-classes.py │ ├── jaehyeong_koelectra-base-v3-generalized-sentiment-analysis.py │ ├── jhgan_ko-sbert-multitask.py │ ├── jhgan_ko-sroberta-multitask.py │ ├── jhgan_ko-sroberta-sts.py │ ├── joeddav_bart-large-mnli-yahoo-answers.py │ ├── johngiorgi_declutr-base.py │ ├── johngiorgi_declutr-small.py │ ├── jsylee_scibert_scivocab_uncased-finetuned-ner.py │ ├── junnyu_roformer_chinese_base.py │ ├── junnyu_roformer_chinese_sim_char_base.py │ ├── junnyu_roformer_chinese_sim_char_ft_base.py │ ├── junnyu_roformer_v2_chinese_char_base.py │ ├── junnyu_roformer_v2_chinese_char_large.py │ ├── junnyu_roformer_v2_chinese_char_small.py │ ├── kamalkraj_bioelectra-base-discriminator-pubmed-pmc-lt.py │ ├── kamalkraj_bioelectra-base-discriminator-pubmed-pmc.py │ ├── kamalkraj_bioelectra-base-discriminator-pubmed.py │ ├── keepitreal_vietnamese-sbert.py │ ├── ken11_albert-base-japanese-v1.py │ ├── kiheh85202_yolo.py │ ├── kiri-ai_distiluse-base-multilingual-cased-et.py │ ├── laituan245_molt5-large-smiles2caption.py │ ├── law-ai_InLegalBERT.py │ ├── lcw99_t5-base-korean-chit-chat.py │ ├── liandarizkia_SA01-IndoBert.py │ ├── madhurjindal_autonlp-Gibberish-Detector-492513457.py │ ├── malteos_scincl.py │ ├── marefa-nlp_marefa-ner.py │ ├── matthewburke_korean_sentiment.py │ ├── maxpe_twitter-roberta-base-jun2022_sem_eval_2018_task_1.py │ ├── mdhugol_indonesia-bert-sentiment-classification.py │ ├── melll-uff_bertweetbr.py │ ├── michiyasunaga_BioLinkBERT-base.py │ ├── michiyasunaga_BioLinkBERT-large.py │ ├── michiyasunaga_LinkBERT-base.py │ ├── microsoft_BiomedVLP-CXR-BERT-specialized.py │ ├── microsoft_beit-base-patch16-224-pt22k-ft22k.py │ ├── microsoft_beit-base-patch16-224-pt22k.py │ ├── microsoft_beit-base-patch16-224.py │ ├── microsoft_beit-base-patch16-384.py │ ├── microsoft_beit-large-patch16-224-pt22k-ft22k.py │ ├── microsoft_beit-large-patch16-224-pt22k.py │ ├── microsoft_beit-large-patch16-384.py │ ├── microsoft_beit-large-patch16-512.py │ ├── microsoft_codebert-base-mlm.py │ ├── microsoft_conditional-detr-resnet-50.py │ ├── microsoft_cvt-13.py │ ├── microsoft_prophetnet-large-uncased.py │ ├── microsoft_resnet-101.py │ ├── microsoft_resnet-152.py │ ├── microsoft_resnet-18.py │ ├── microsoft_resnet-34.py │ ├── microsoft_resnet-50.py │ ├── microsoft_swin-base-patch4-window12-384-in22k.py │ ├── microsoft_swin-base-patch4-window12-384.py │ ├── microsoft_swin-base-patch4-window7-224-in22k.py │ ├── microsoft_swin-base-patch4-window7-224.py │ ├── microsoft_swin-large-patch4-window12-384-in22k.py │ ├── microsoft_swin-large-patch4-window7-224-in22k.py │ ├── microsoft_swin-large-patch4-window7-224.py │ ├── microsoft_swin-small-patch4-window7-224.py │ ├── microsoft_swin-tiny-patch4-window7-224.py │ ├── microsoft_swinv2-tiny-patch4-window8-256.py │ ├── microsoft_tapex-large-finetuned-tabfact.py │ ├── microsoft_trocr-base-handwritten.py │ ├── microsoft_trocr-base-printed.py │ ├── microsoft_trocr-large-handwritten.py │ ├── microsoft_trocr-large-printed.py │ ├── microsoft_trocr-large-str.py │ ├── microsoft_trocr-small-handwritten.py │ ├── microsoft_trocr-small-stage1.py │ ├── microsoft_xprophetnet-large-wiki100-cased.py │ ├── ml4pubmed_BiomedNLP-PubMedBERT-base-uncased-abstract-fulltext_pub_section.py │ ├── ml6team_bert-base-uncased-city-country-ner.py │ ├── ml6team_distilbert-base-german-cased-toxic-comments.py │ ├── model-attribution-challenge_codegen-350M-multi.py │ ├── model-attribution-challenge_opt-350m.py │ ├── model-attribution-challenge_xlnet-base-cased.py │ ├── monilouise_ner_news_portuguese.py │ ├── mrm8488_TinyBERT-spanish-uncased-finetuned-ner.py │ ├── mrm8488_bert-base-german-finetuned-ler.py │ ├── mrm8488_bert-italian-finedtuned-squadv1-it-alfa.py │ ├── mrm8488_bert-medium-finetuned-squadv2.py │ ├── mrm8488_bert-multi-cased-finetuned-xquadv1.py │ ├── mrm8488_bert-small-finetuned-squadv2.py │ ├── mrm8488_bert-small2bert-small-finetuned-cnn_daily_mail-summarization.py │ ├── mrm8488_bert-spanish-cased-finetuned-ner.py │ ├── mrm8488_bert-tiny-5-finetuned-squadv2.py │ ├── mrm8488_bert-tiny-finetuned-squadv2.py │ ├── mrm8488_bert2bert_shared-german-finetuned-summarization.py │ ├── mrm8488_bert2bert_shared-spanish-finetuned-summarization.py │ ├── mrm8488_bert2bert_shared-turkish-summarization.py │ ├── mrm8488_codebert-base-finetuned-detect-insecure-code.py │ ├── mrm8488_distill-bert-base-spanish-wwm-cased-finetuned-spa-squad2-es.py │ ├── mrm8488_electra-small-finetuned-squadv2.py │ ├── mrm8488_electricidad-base-discriminator.py │ ├── mrm8488_roberta-base-1B-1-finetuned-squadv1.py │ ├── mrm8488_spanbert-finetuned-squadv2.py │ ├── mrm8488_spanbert-large-finetuned-squadv2.py │ ├── mrm8488_t5-base-finetuned-common_gen.py │ ├── mrm8488_t5-base-finetuned-e2m-intent.py │ ├── mrm8488_t5-base-finetuned-imdb-sentiment.py │ ├── mrm8488_t5-base-finetuned-quartz.py │ ├── mrm8488_t5-base-finetuned-question-generation-ap.py │ ├── mrm8488_t5-base-finetuned-span-sentiment-extraction.py │ ├── mrm8488_t5-base-finetuned-squadv2.py │ ├── mrm8488_t5-base-finetuned-wikiSQL.py │ ├── mrm8488_t5-small-finetuned-quora-for-paraphrasing.py │ ├── nateraw_vit-age-classifier.py │ ├── nateraw_vit-base-patch16-224-cifar10.py │ ├── navteca_bart-large-mnli.py │ ├── navteca_nli-deberta-v3-large.py │ ├── navteca_roberta-base-squad2.py │ ├── navteca_roberta-large-squad2.py │ ├── nbroad_mt5-base-qgen.py │ ├── neuralspace-reverie_indic-transformers-bn-distilbert.py │ ├── neuraly_bert-base-italian-cased-sentiment.py │ ├── neuropark_sahajBERT.py │ ├── nickmuchi_yolos-small-rego-plates-detection.py │ ├── nickprock_xlm-roberta-base-banking77-classification.py │ ├── nkoh01_MSRoberta.py │ ├── nvidia_groupvit-gcc-yfcc.py │ ├── nvidia_mit-b1.py │ ├── nvidia_mit-b2.py │ ├── nvidia_mit-b3.py │ ├── nvidia_mit-b4.py │ ├── nvidia_mit-b5.py │ ├── nvidia_segformer-b0-finetuned-ade-512-512.py │ ├── nvidia_segformer-b0-finetuned-cityscapes-1024-1024.py │ ├── nvidia_segformer-b0-finetuned-cityscapes-512-1024.py │ ├── nvidia_segformer-b0-finetuned-cityscapes-768-768.py │ ├── nvidia_segformer-b1-finetuned-ade-512-512.py │ ├── nvidia_segformer-b2-finetuned-cityscapes-1024-1024.py │ ├── nvidia_segformer-b3-finetuned-ade-512-512.py │ ├── nvidia_segformer-b3-finetuned-cityscapes-1024-1024.py │ ├── nvidia_segformer-b4-finetuned-ade-512-512.py │ ├── nvidia_segformer-b4-finetuned-cityscapes-1024-1024.py │ ├── nvidia_segformer-b5-finetuned-cityscapes-1024-1024.py │ ├── nytimesrd_paraphrase-MiniLM-L6-v2.py │ ├── obrizum_all-MiniLM-L6-v2.py │ ├── obrizum_all-mpnet-base-v2.py │ ├── openai_clip-vit-base-patch16.py │ ├── openai_clip-vit-base-patch32.py │ ├── openai_clip-vit-large-patch14.py │ ├── optimum_all-MiniLM-L6-v2.py │ ├── patrickvonplaten_longformer2roberta-cnn_dailymail-fp16.py │ ├── paust_pko-t5-base.py │ ├── paust_pko-t5-large.py │ ├── persiannlp_mt5-large-parsinlu-arc-comqa-obqa-multiple-choice.py │ ├── philschmid_BERT-Banking77.py │ ├── philschmid_distilroberta-base-ner-conll2003.py │ ├── philschmid_distilroberta-base-ner-wikiann-conll2003-3-class.py │ ├── philschmid_distilroberta-base-ner-wikiann-conll2003-4-class.py │ ├── philschmid_distilroberta-base-ner-wikiann.py │ ├── phiyodr_bart-large-finetuned-squad2.py │ ├── phiyodr_bert-base-finetuned-squad2.py │ ├── phpaiola_ptt5-base-summ-cstnews.py │ ├── pierreguillou_ner-bert-large-cased-pt-lenerbr.py │ ├── pin_senda.py │ ├── pritamdeka_S-BioBert-snli-multinli-stsb.py │ ├── pritamdeka_S-Biomed-Roberta-snli-multinli-stsb.py │ ├── pritamdeka_S-Bluebert-snli-multinli-stsb.py │ ├── pritamdeka_S-PubMedBert-MS-MARCO.py │ ├── projecte-aina_roberta-base-ca-v2.py │ ├── pszemraj_grammar-synthesis-base.py │ ├── pszemraj_grammar-synthesis-large.py │ ├── pvl_labse_bert.py │ ├── racai_distilbert-base-romanian-uncased.py │ ├── ramsrigouthamg_t5-large-paraphraser-diverse-high-quality.py │ ├── ramsrigouthamg_t5_paraphraser.py │ ├── raynardj_ner-gene-dna-rna-jnlpba-pubmed.py │ ├── razent_spbert-mlm-base.py │ ├── razent_spbert-mlm-wso-base.py │ ├── readerbench_RoBERT-base.py │ ├── readerbench_RoBERT-large.py │ ├── readerbench_RoGPT2-base.py │ ├── readerbench_RoGPT2-large.py │ ├── readerbench_jurBERT-base.py │ ├── recobo_agriculture-bert-uncased.py │ ├── roberta-base.py │ ├── roberta-large.py │ ├── saattrupdan_nbailab-base-ner-scandi.py │ ├── sagorsarker_codeswitch-hineng-lid-lince.py │ ├── sagorsarker_codeswitch-hineng-ner-lince.py │ ├── sagorsarker_codeswitch-hineng-pos-lince.py │ ├── sagorsarker_codeswitch-spaeng-sentiment-analysis-lince.py │ ├── sail_poolformer_s12.py │ ├── salesken_natural_rephrase.py │ ├── salesken_paraphrase_diversity_ranker.py │ ├── salesken_paraphrase_generation.py │ ├── salesken_text_generate.py │ ├── sampathkethineedi_industry-classification.py │ ├── savasy_bert-base-turkish-ner-cased.py │ ├── savasy_bert-base-turkish-sentiment-cased.py │ ├── sberbank-ai_sbert_large_mt_nlu_ru.py │ ├── sberbank-ai_sbert_large_nlu_ru.py │ ├── sentence-transformers_LaBSE.py │ ├── sentence-transformers_all-MiniLM-L12-v1.py │ ├── sentence-transformers_all-MiniLM-L12-v2.py │ ├── sentence-transformers_all-MiniLM-L6-v1.py │ ├── sentence-transformers_all-MiniLM-L6-v2.py │ ├── sentence-transformers_all-distilroberta-v1.py │ ├── sentence-transformers_all-mpnet-base-v1.py │ ├── sentence-transformers_all-mpnet-base-v2.py │ ├── sentence-transformers_all-roberta-large-v1.py │ ├── sentence-transformers_allenai-specter.py │ ├── sentence-transformers_bert-base-nli-cls-token.py │ ├── sentence-transformers_bert-base-nli-max-tokens.py │ ├── sentence-transformers_bert-base-nli-mean-tokens.py │ ├── sentence-transformers_bert-base-nli-stsb-mean-tokens.py │ ├── sentence-transformers_bert-base-wikipedia-sections-mean-tokens.py │ ├── sentence-transformers_bert-large-nli-max-tokens.py │ ├── sentence-transformers_bert-large-nli-mean-tokens.py │ ├── sentence-transformers_bert-large-nli-stsb-mean-tokens.py │ ├── sentence-transformers_clip-ViT-B-32-multilingual-v1.py │ ├── sentence-transformers_distilbert-base-nli-mean-tokens.py │ ├── sentence-transformers_distilbert-base-nli-stsb-mean-tokens.py │ ├── sentence-transformers_distilbert-base-nli-stsb-quora-ranking.py │ ├── sentence-transformers_distilroberta-base-msmarco-v2.py │ ├── sentence-transformers_distilroberta-base-paraphrase-v1.py │ ├── sentence-transformers_distiluse-base-multilingual-cased-v1.py │ ├── sentence-transformers_distiluse-base-multilingual-cased-v2.py │ ├── sentence-transformers_facebook-dpr-ctx_encoder-multiset-base.py │ ├── sentence-transformers_facebook-dpr-ctx_encoder-single-nq-base.py │ ├── sentence-transformers_facebook-dpr-question_encoder-multiset-base.py │ ├── sentence-transformers_facebook-dpr-question_encoder-single-nq-base.py │ ├── sentence-transformers_gtr-t5-base.py │ ├── sentence-transformers_gtr-t5-large.py │ ├── sentence-transformers_gtr-t5-xl.py │ ├── sentence-transformers_msmarco-MiniLM-L-12-v3.py │ ├── sentence-transformers_msmarco-MiniLM-L-6-v3.py │ ├── sentence-transformers_msmarco-MiniLM-L6-cos-v5.py │ ├── sentence-transformers_msmarco-bert-base-dot-v5.py │ ├── sentence-transformers_msmarco-distilbert-base-dot-prod-v3.py │ ├── sentence-transformers_msmarco-distilbert-base-tas-b.py │ ├── sentence-transformers_msmarco-distilbert-base-v2.py │ ├── sentence-transformers_msmarco-distilbert-base-v3.py │ ├── sentence-transformers_msmarco-distilbert-base-v4.py │ ├── sentence-transformers_msmarco-distilbert-cos-v5.py │ ├── sentence-transformers_msmarco-distilbert-dot-v5.py │ ├── sentence-transformers_msmarco-distilbert-multilingual-en-de-v2-tmp-lng-aligned.py │ ├── sentence-transformers_msmarco-distilbert-multilingual-en-de-v2-tmp-trained-scratch.py │ ├── sentence-transformers_msmarco-distilroberta-base-v2.py │ ├── sentence-transformers_msmarco-roberta-base-ance-firstp.py │ ├── sentence-transformers_msmarco-roberta-base-v2.py │ ├── sentence-transformers_msmarco-roberta-base-v3.py │ ├── sentence-transformers_multi-qa-MiniLM-L6-cos-v1.py │ ├── sentence-transformers_multi-qa-MiniLM-L6-dot-v1.py │ ├── sentence-transformers_multi-qa-distilbert-cos-v1.py │ ├── sentence-transformers_multi-qa-mpnet-base-cos-v1.py │ ├── sentence-transformers_multi-qa-mpnet-base-dot-v1.py │ ├── sentence-transformers_nli-bert-base.py │ ├── sentence-transformers_nli-distilroberta-base-v2.py │ ├── sentence-transformers_nli-mpnet-base-v2.py │ ├── sentence-transformers_nli-roberta-base-v2.py │ ├── sentence-transformers_nli-roberta-base.py │ ├── sentence-transformers_nli-roberta-large.py │ ├── sentence-transformers_nq-distilbert-base-v1.py │ ├── sentence-transformers_paraphrase-MiniLM-L12-v2.py │ ├── sentence-transformers_paraphrase-MiniLM-L3-v2.py │ ├── sentence-transformers_paraphrase-MiniLM-L6-v2.py │ ├── sentence-transformers_paraphrase-TinyBERT-L6-v2.py │ ├── sentence-transformers_paraphrase-albert-small-v2.py │ ├── sentence-transformers_paraphrase-distilroberta-base-v1.py │ ├── sentence-transformers_paraphrase-distilroberta-base-v2.py │ ├── sentence-transformers_paraphrase-mpnet-base-v2.py │ ├── sentence-transformers_paraphrase-multilingual-MiniLM-L12-v2.py │ ├── sentence-transformers_paraphrase-multilingual-mpnet-base-v2.py │ ├── sentence-transformers_paraphrase-xlm-r-multilingual-v1.py │ ├── sentence-transformers_quora-distilbert-base.py │ ├── sentence-transformers_quora-distilbert-multilingual.py │ ├── sentence-transformers_roberta-base-nli-mean-tokens.py │ ├── sentence-transformers_roberta-base-nli-stsb-mean-tokens.py │ ├── sentence-transformers_roberta-large-nli-mean-tokens.py │ ├── sentence-transformers_roberta-large-nli-stsb-mean-tokens.py │ ├── sentence-transformers_sentence-t5-base.py │ ├── sentence-transformers_sentence-t5-large.py │ ├── sentence-transformers_sentence-t5-xl.py │ ├── sentence-transformers_sentence-t5-xxl.py │ ├── sentence-transformers_stsb-bert-base.py │ ├── sentence-transformers_stsb-bert-large.py │ ├── sentence-transformers_stsb-distilbert-base.py │ ├── sentence-transformers_stsb-distilroberta-base-v2.py │ ├── sentence-transformers_stsb-mpnet-base-v2.py │ ├── sentence-transformers_stsb-roberta-base-v2.py │ ├── sentence-transformers_stsb-roberta-large.py │ ├── sentence-transformers_stsb-xlm-r-multilingual.py │ ├── sentence-transformers_use-cmlm-multilingual.py │ ├── sentence-transformers_xlm-r-100langs-bert-base-nli-stsb-mean-tokens.py │ ├── sentence-transformers_xlm-r-bert-base-nli-stsb-mean-tokens.py │ ├── sentence-transformers_xlm-r-distilroberta-base-paraphrase-v1.py │ ├── setu4993_LaBSE.py │ ├── setu4993_smaller-LaBSE.py │ ├── siebert_sentiment-roberta-large-english.py │ ├── sijunhe_nezha-cn-base.py │ ├── sijunhe_nezha-large-wwm.py │ ├── snunlp_KR-SBERT-V40K-klueNLI-augSTS.py │ ├── soheeyang_rdr-ctx_encoder-single-nq-base.py │ ├── soheeyang_rdr-question_encoder-single-nq-base.py │ ├── soleimanian_financial-roberta-large-sentiment.py │ ├── squirro_albert-base-v2-squad_v2.py │ ├── strombergnlp_dant5-large.py │ ├── svalabs_gbert-large-zeroshot-nli.py │ ├── t5-base.py │ ├── t5-large.py │ ├── t5-small.py │ ├── taeminlee_kogpt2.py │ ├── tartuNLP_EstBERT_NER.py │ ├── tdobrxl_ClinicBERT.py │ ├── tennessejoyce_titlewave-t5-base.py │ ├── teven_all_bs160_allneg.py │ ├── teven_all_bs192_hardneg.py │ ├── teven_all_bs320_vanilla.py │ ├── thanathorn_mt5-cpe-kmutt-thai-sentence-sum.py │ ├── thunlp_Lawformer.py │ ├── transfo-xl-wt103.py │ ├── tugstugi_bert-large-mongolian-uncased.py │ ├── tuhailong_SimCSE-bert-base.py │ ├── uer_albert-base-chinese-cluecorpussmall.py │ ├── uer_chinese_roberta_L-12_H-128.py │ ├── uer_chinese_roberta_L-12_H-512.py │ ├── uer_chinese_roberta_L-2_H-128.py │ ├── uer_chinese_roberta_L-4_H-256.py │ ├── uer_chinese_roberta_L-4_H-512.py │ ├── uer_chinese_roberta_L-6_H-128.py │ ├── uer_chinese_roberta_L-6_H-768.py │ ├── uer_chinese_roberta_L-8_H-256.py │ ├── uer_chinese_roberta_L-8_H-512.py │ ├── uer_roberta-base-chinese-extractive-qa.py │ ├── uer_roberta-base-finetuned-chinanews-chinese.py │ ├── uer_roberta-base-finetuned-cluener2020-chinese.py │ ├── uer_roberta-base-finetuned-dianping-chinese.py │ ├── uer_roberta-base-finetuned-jd-binary-chinese.py │ ├── uer_roberta-base-finetuned-jd-full-chinese.py │ ├── uer_roberta-base-word-chinese-cluecorpussmall.py │ ├── uer_t5-base-chinese-cluecorpussmall.py │ ├── uer_t5-small-chinese-cluecorpussmall.py │ ├── uer_t5-v1_1-base-chinese-cluecorpussmall.py │ ├── uer_t5-v1_1-small-chinese-cluecorpussmall.py │ ├── unicamp-dl_translation-pt-en-t5.py │ ├── ushikado_yuyuyui-chatbot.py │ ├── uw-madison_nystromformer-512.py │ ├── valhalla_bart-large-finetuned-squadv1.py │ ├── valhalla_t5-base-squad.py │ ├── vblagoje_dpr-ctx_encoder-single-lfqa-wiki.py │ ├── vinvino02_glpn-kitti.py │ ├── vinvino02_glpn-nyu.py │ ├── voidful_albert_chinese_base.py │ ├── voidful_albert_chinese_large.py │ ├── voidful_albert_chinese_small.py │ ├── voidful_albert_chinese_tiny.py │ ├── voidful_dpr-ctx_encoder-bert-base-multilingual.py │ ├── voidful_dpr-question_encoder-bert-base-multilingual.py │ ├── wanyu_IteraTeR-ROBERTA-Intention-Classifier.py │ ├── whaleloops_phrase-bert.py │ ├── wonrax_phobert-base-vietnamese-sentiment.py │ ├── xlm-clm-ende-1024.py │ ├── xlm-clm-enfr-1024.py │ ├── xlm-mlm-en-2048.py │ ├── xlm-roberta-base.py │ ├── xlm-roberta-large-finetuned-conll03-german.py │ ├── xlm-roberta-large.py │ ├── xlnet-base-cased.py │ ├── xlnet-large-cased.py │ ├── ybelkada_japanese-roberta-question-answering.py │ ├── ydshieh_roberta-large-ner-english.py │ ├── ydshieh_vit-gpt2-coco-en.py │ ├── yiyanghkust_finbert-esg.py │ ├── yiyanghkust_finbert-fls.py │ └── yiyanghkust_finbert-tone.py ├── readme.md ├── requirements.txt ├── selftest │ ├── __init__.py │ ├── linear.py │ └── twolayer.py ├── timm │ ├── __init__.py │ ├── adv_inception_v3.py │ ├── bat_resnext26ts.py │ ├── beit_base_patch16_224.py │ ├── beit_base_patch16_224_in22k.py │ ├── beit_base_patch16_384.py │ ├── beit_large_patch16_224.py │ ├── beit_large_patch16_224_in22k.py │ ├── beit_large_patch16_384.py │ ├── beit_large_patch16_512.py │ ├── botnet26t_256.py │ ├── botnet50ts_256.py │ ├── cait_m36_384.py │ ├── cait_m48_448.py │ ├── cait_s24_224.py │ ├── cait_s24_384.py │ ├── cait_s36_384.py │ ├── cait_xs24_384.py │ ├── cait_xxs24_224.py │ ├── cait_xxs24_384.py │ ├── cait_xxs36_224.py │ ├── cait_xxs36_384.py │ ├── coat_lite_mini.py │ ├── coat_lite_small.py │ ├── coat_lite_tiny.py │ ├── coat_mini.py │ ├── coat_tiny.py │ ├── convit_base.py │ ├── convit_small.py │ ├── convit_tiny.py │ ├── convmixer_1024_20_ks9_p14.py │ ├── convmixer_1536_20.py │ ├── convmixer_768_32.py │ ├── convnext_base.py │ ├── convnext_base_384_in22ft1k.py │ ├── convnext_base_in22ft1k.py │ ├── convnext_base_in22k.py │ ├── convnext_large.py │ ├── convnext_large_384_in22ft1k.py │ ├── convnext_large_in22ft1k.py │ ├── convnext_large_in22k.py │ ├── convnext_nano.py │ ├── convnext_nano_hnf.py │ ├── convnext_nano_ols.py │ ├── convnext_small.py │ ├── convnext_small_384_in22ft1k.py │ ├── convnext_small_in22ft1k.py │ ├── convnext_small_in22k.py │ ├── convnext_tiny.py │ ├── convnext_tiny_384_in22ft1k.py │ ├── convnext_tiny_hnf.py │ ├── convnext_tiny_in22ft1k.py │ ├── convnext_tiny_in22k.py │ ├── convnext_xlarge_384_in22ft1k.py │ ├── convnext_xlarge_in22ft1k.py │ ├── convnext_xlarge_in22k.py │ ├── crossvit_15_240.py │ ├── crossvit_15_dagger_240.py │ ├── crossvit_15_dagger_408.py │ ├── crossvit_18_240.py │ ├── crossvit_18_dagger_240.py │ ├── crossvit_18_dagger_408.py │ ├── crossvit_9_240.py │ ├── crossvit_9_dagger_240.py │ ├── crossvit_base_240.py │ ├── crossvit_small_240.py │ ├── crossvit_tiny_240.py │ ├── cs3darknet_focus_l.py │ ├── cs3darknet_focus_m.py │ ├── cs3darknet_focus_s.py │ ├── cs3darknet_focus_x.py │ ├── cs3darknet_l.py │ ├── cs3darknet_m.py │ ├── cs3darknet_s.py │ ├── cs3darknet_x.py │ ├── cs3edgenet_x.py │ ├── cs3se_edgenet_x.py │ ├── cs3sedarknet_l.py │ ├── cs3sedarknet_x.py │ ├── cs3sedarknet_xdw.py │ ├── cspdarknet53.py │ ├── cspresnet50.py │ ├── cspresnet50d.py │ ├── cspresnet50w.py │ ├── cspresnext50.py │ ├── darknet17.py │ ├── darknet21.py │ ├── darknet53.py │ ├── darknetaa53.py │ ├── deit3_base_patch16_224.py │ ├── deit3_base_patch16_224_in21ft1k.py │ ├── deit3_base_patch16_384.py │ ├── deit3_base_patch16_384_in21ft1k.py │ ├── deit3_huge_patch14_224.py │ ├── deit3_huge_patch14_224_in21ft1k.py │ ├── deit3_large_patch16_224.py │ ├── deit3_large_patch16_224_in21ft1k.py │ ├── deit3_large_patch16_384.py │ ├── deit3_large_patch16_384_in21ft1k.py │ ├── deit3_small_patch16_224.py │ ├── deit3_small_patch16_224_in21ft1k.py │ ├── deit3_small_patch16_384.py │ ├── deit3_small_patch16_384_in21ft1k.py │ ├── deit_base_distilled_patch16_224.py │ ├── deit_base_distilled_patch16_384.py │ ├── deit_base_patch16_224.py │ ├── deit_base_patch16_384.py │ ├── deit_small_distilled_patch16_224.py │ ├── deit_small_patch16_224.py │ ├── deit_tiny_distilled_patch16_224.py │ ├── deit_tiny_patch16_224.py │ ├── densenet121.py │ ├── densenet121d.py │ ├── densenet161.py │ ├── densenet169.py │ ├── densenet201.py │ ├── densenet264.py │ ├── densenetblur121d.py │ ├── dla102.py │ ├── dla102x.py │ ├── dla102x2.py │ ├── dla169.py │ ├── dla34.py │ ├── dla46_c.py │ ├── dla46x_c.py │ ├── dla60.py │ ├── dla60_res2net.py │ ├── dla60_res2next.py │ ├── dla60x.py │ ├── dla60x_c.py │ ├── dm_nfnet_f0.py │ ├── dm_nfnet_f1.py │ ├── dm_nfnet_f2.py │ ├── dm_nfnet_f3.py │ ├── dm_nfnet_f4.py │ ├── dm_nfnet_f5.py │ ├── dm_nfnet_f6.py │ ├── dpn107.py │ ├── dpn131.py │ ├── dpn68.py │ ├── dpn68b.py │ ├── dpn92.py │ ├── dpn98.py │ ├── eca_botnext26ts_256.py │ ├── eca_halonext26ts.py │ ├── eca_nfnet_l0.py │ ├── eca_nfnet_l1.py │ ├── eca_nfnet_l2.py │ ├── eca_nfnet_l3.py │ ├── eca_resnet33ts.py │ ├── eca_resnext26ts.py │ ├── eca_vovnet39b.py │ ├── ecaresnet101d.py │ ├── ecaresnet200d.py │ ├── ecaresnet269d.py │ ├── ecaresnet26t.py │ ├── ecaresnet50d.py │ ├── ecaresnet50t.py │ ├── ecaresnetlight.py │ ├── ecaresnext26t_32x4d.py │ ├── ecaresnext50t_32x4d.py │ ├── edgenext_small.py │ ├── edgenext_small_rw.py │ ├── edgenext_x_small.py │ ├── edgenext_xx_small.py │ ├── efficientnet_b0.py │ ├── efficientnet_b0_g16_evos.py │ ├── efficientnet_b0_g8_gn.py │ ├── efficientnet_b0_gn.py │ ├── efficientnet_b1.py │ ├── efficientnet_b2.py │ ├── efficientnet_b2a.py │ ├── efficientnet_b3.py │ ├── efficientnet_b3_g8_gn.py │ ├── efficientnet_b3_gn.py │ ├── efficientnet_b3a.py │ ├── efficientnet_b4.py │ ├── efficientnet_b5.py │ ├── efficientnet_b6.py │ ├── efficientnet_b7.py │ ├── efficientnet_b8.py │ ├── efficientnet_cc_b0_4e.py │ ├── efficientnet_cc_b0_8e.py │ ├── efficientnet_cc_b1_8e.py │ ├── efficientnet_el.py │ ├── efficientnet_el_pruned.py │ ├── efficientnet_em.py │ ├── efficientnet_es.py │ ├── efficientnet_es_pruned.py │ ├── efficientnet_l2.py │ ├── efficientnet_lite0.py │ ├── efficientnet_lite1.py │ ├── efficientnet_lite2.py │ ├── efficientnet_lite3.py │ ├── efficientnet_lite4.py │ ├── efficientnetv2_l.py │ ├── efficientnetv2_m.py │ ├── efficientnetv2_rw_m.py │ ├── efficientnetv2_rw_s.py │ ├── efficientnetv2_rw_t.py │ ├── efficientnetv2_s.py │ ├── efficientnetv2_xl.py │ ├── ens_adv_inception_resnet_v2.py │ ├── ese_vovnet19b_dw.py │ ├── ese_vovnet19b_slim.py │ ├── ese_vovnet19b_slim_dw.py │ ├── ese_vovnet39b.py │ ├── ese_vovnet39b_evos.py │ ├── ese_vovnet57b.py │ ├── ese_vovnet99b.py │ ├── fbnetc_100.py │ ├── fbnetv3_b.py │ ├── fbnetv3_d.py │ ├── fbnetv3_g.py │ ├── gc_efficientnetv2_rw_t.py │ ├── gcresnet33ts.py │ ├── gcresnet50t.py │ ├── gcresnext26ts.py │ ├── gcresnext50ts.py │ ├── gernet_l.py │ ├── gernet_m.py │ ├── gernet_s.py │ ├── ghostnet_050.py │ ├── ghostnet_100.py │ ├── ghostnet_130.py │ ├── gluon_inception_v3.py │ ├── gluon_resnet101_v1b.py │ ├── gluon_resnet101_v1c.py │ ├── gluon_resnet101_v1d.py │ ├── gluon_resnet101_v1s.py │ ├── gluon_resnet152_v1b.py │ ├── gluon_resnet152_v1c.py │ ├── gluon_resnet152_v1d.py │ ├── gluon_resnet152_v1s.py │ ├── gluon_resnet18_v1b.py │ ├── gluon_resnet34_v1b.py │ ├── gluon_resnet50_v1b.py │ ├── gluon_resnet50_v1c.py │ ├── gluon_resnet50_v1d.py │ ├── gluon_resnet50_v1s.py │ ├── gluon_resnext101_32x4d.py │ ├── gluon_resnext101_64x4d.py │ ├── gluon_resnext50_32x4d.py │ ├── gluon_senet154.py │ ├── gluon_seresnext101_32x4d.py │ ├── gluon_seresnext101_64x4d.py │ ├── gluon_seresnext50_32x4d.py │ ├── gluon_xception65.py │ ├── gmixer_12_224.py │ ├── gmixer_24_224.py │ ├── gmlp_b16_224.py │ ├── gmlp_s16_224.py │ ├── gmlp_ti16_224.py │ ├── halo2botnet50ts_256.py │ ├── halonet26t.py │ ├── halonet50ts.py │ ├── halonet_h1.py │ ├── haloregnetz_b.py │ ├── hardcorenas_a.py │ ├── hardcorenas_b.py │ ├── hardcorenas_c.py │ ├── hardcorenas_d.py │ ├── hardcorenas_e.py │ ├── hardcorenas_f.py │ ├── hrnet_w18.py │ ├── hrnet_w18_small.py │ ├── hrnet_w18_small_v2.py │ ├── hrnet_w30.py │ ├── hrnet_w32.py │ ├── hrnet_w40.py │ ├── hrnet_w44.py │ ├── hrnet_w48.py │ ├── hrnet_w64.py │ ├── ig_resnext101_32x16d.py │ ├── ig_resnext101_32x32d.py │ ├── ig_resnext101_32x48d.py │ ├── ig_resnext101_32x8d.py │ ├── inception_resnet_v2.py │ ├── inception_v3.py │ ├── inception_v4.py │ ├── jx_nest_base.py │ ├── jx_nest_small.py │ ├── jx_nest_tiny.py │ ├── lambda_resnet26rpt_256.py │ ├── lambda_resnet26t.py │ ├── lambda_resnet50ts.py │ ├── lamhalobotnet50ts_256.py │ ├── lcnet_035.py │ ├── lcnet_050.py │ ├── lcnet_075.py │ ├── lcnet_100.py │ ├── lcnet_150.py │ ├── legacy_senet154.py │ ├── legacy_seresnet101.py │ ├── legacy_seresnet152.py │ ├── legacy_seresnet18.py │ ├── legacy_seresnet34.py │ ├── legacy_seresnet50.py │ ├── legacy_seresnext101_32x4d.py │ ├── legacy_seresnext26_32x4d.py │ ├── legacy_seresnext50_32x4d.py │ ├── levit_128.py │ ├── levit_128s.py │ ├── levit_192.py │ ├── levit_256.py │ ├── levit_256d.py │ ├── levit_384.py │ ├── mixer_b16_224.py │ ├── mixer_b16_224_in21k.py │ ├── mixer_b16_224_miil.py │ ├── mixer_b16_224_miil_in21k.py │ ├── mixer_b32_224.py │ ├── mixer_l16_224.py │ ├── mixer_l16_224_in21k.py │ ├── mixer_l32_224.py │ ├── mixer_s16_224.py │ ├── mixer_s32_224.py │ ├── mixnet_l.py │ ├── mixnet_m.py │ ├── mixnet_s.py │ ├── mixnet_xl.py │ ├── mixnet_xxl.py │ ├── mnasnet_050.py │ ├── mnasnet_075.py │ ├── mnasnet_100.py │ ├── mnasnet_140.py │ ├── mnasnet_a1.py │ ├── mnasnet_b1.py │ ├── mnasnet_small.py │ ├── mobilenetv2_035.py │ ├── mobilenetv2_050.py │ ├── mobilenetv2_075.py │ ├── mobilenetv2_100.py │ ├── mobilenetv2_110d.py │ ├── mobilenetv2_120d.py │ ├── mobilenetv2_140.py │ ├── mobilenetv3_large_075.py │ ├── mobilenetv3_large_100.py │ ├── mobilenetv3_large_100_miil.py │ ├── mobilenetv3_large_100_miil_in21k.py │ ├── mobilenetv3_rw.py │ ├── mobilenetv3_small_050.py │ ├── mobilenetv3_small_075.py │ ├── mobilenetv3_small_100.py │ ├── mobilevit_s.py │ ├── mobilevit_xs.py │ ├── mobilevit_xxs.py │ ├── mobilevitv2_050.py │ ├── mobilevitv2_075.py │ ├── mobilevitv2_100.py │ ├── mobilevitv2_125.py │ ├── mobilevitv2_150.py │ ├── mobilevitv2_150_384_in22ft1k.py │ ├── mobilevitv2_150_in22ft1k.py │ ├── mobilevitv2_175.py │ ├── mobilevitv2_175_384_in22ft1k.py │ ├── mobilevitv2_175_in22ft1k.py │ ├── mobilevitv2_200.py │ ├── mobilevitv2_200_384_in22ft1k.py │ ├── mobilevitv2_200_in22ft1k.py │ ├── nasnetalarge.py │ ├── nest_base.py │ ├── nest_small.py │ ├── nest_tiny.py │ ├── nf_ecaresnet101.py │ ├── nf_ecaresnet26.py │ ├── nf_ecaresnet50.py │ ├── nf_regnet_b0.py │ ├── nf_regnet_b1.py │ ├── nf_regnet_b2.py │ ├── nf_regnet_b3.py │ ├── nf_regnet_b4.py │ ├── nf_regnet_b5.py │ ├── nf_resnet101.py │ ├── nf_resnet26.py │ ├── nf_resnet50.py │ ├── nf_seresnet101.py │ ├── nf_seresnet26.py │ ├── nf_seresnet50.py │ ├── nfnet_f0.py │ ├── nfnet_f1.py │ ├── nfnet_f2.py │ ├── nfnet_f3.py │ ├── nfnet_f4.py │ ├── nfnet_f5.py │ ├── nfnet_f6.py │ ├── nfnet_f7.py │ ├── nfnet_l0.py │ ├── pit_b_224.py │ ├── pit_b_distilled_224.py │ ├── pit_s_224.py │ ├── pit_s_distilled_224.py │ ├── pit_ti_224.py │ ├── pit_ti_distilled_224.py │ ├── pit_xs_224.py │ ├── pit_xs_distilled_224.py │ ├── pnasnet5large.py │ ├── poolformer_m36.py │ ├── poolformer_m48.py │ ├── poolformer_s12.py │ ├── poolformer_s24.py │ ├── poolformer_s36.py │ ├── regnetv_040.py │ ├── regnetv_064.py │ ├── regnetx_002.py │ ├── regnetx_004.py │ ├── regnetx_006.py │ ├── regnetx_008.py │ ├── regnetx_016.py │ ├── regnetx_032.py │ ├── regnetx_040.py │ ├── regnetx_064.py │ ├── regnetx_080.py │ ├── regnetx_120.py │ ├── regnetx_160.py │ ├── regnetx_320.py │ ├── regnety_002.py │ ├── regnety_004.py │ ├── regnety_006.py │ ├── regnety_008.py │ ├── regnety_016.py │ ├── regnety_032.py │ ├── regnety_040.py │ ├── regnety_040s_gn.py │ ├── regnety_064.py │ ├── regnety_080.py │ ├── regnety_120.py │ ├── regnety_160.py │ ├── regnety_320.py │ ├── regnetz_005.py │ ├── regnetz_040.py │ ├── regnetz_040h.py │ ├── regnetz_b16.py │ ├── regnetz_b16_evos.py │ ├── regnetz_c16.py │ ├── regnetz_c16_evos.py │ ├── regnetz_d32.py │ ├── regnetz_d8.py │ ├── regnetz_d8_evos.py │ ├── regnetz_e8.py │ ├── repvgg_a2.py │ ├── repvgg_b0.py │ ├── repvgg_b1.py │ ├── repvgg_b1g4.py │ ├── repvgg_b2.py │ ├── repvgg_b2g4.py │ ├── repvgg_b3.py │ ├── repvgg_b3g4.py │ ├── res2net101_26w_4s.py │ ├── res2net50_14w_8s.py │ ├── res2net50_26w_4s.py │ ├── res2net50_26w_6s.py │ ├── res2net50_26w_8s.py │ ├── res2net50_48w_2s.py │ ├── res2next50.py │ ├── resmlp_12_224.py │ ├── resmlp_12_224_dino.py │ ├── resmlp_12_distilled_224.py │ ├── resmlp_24_224.py │ ├── resmlp_24_224_dino.py │ ├── resmlp_24_distilled_224.py │ ├── resmlp_36_224.py │ ├── resmlp_36_distilled_224.py │ ├── resmlp_big_24_224.py │ ├── resmlp_big_24_224_in22ft1k.py │ ├── resmlp_big_24_distilled_224.py │ ├── resnest101e.py │ ├── resnest14d.py │ ├── resnest200e.py │ ├── resnest269e.py │ ├── resnest26d.py │ ├── resnest50d.py │ ├── resnest50d_1s4x24d.py │ ├── resnest50d_4s2x40d.py │ ├── resnet101.py │ ├── resnet101d.py │ ├── resnet10t.py │ ├── resnet14t.py │ ├── resnet152.py │ ├── resnet152d.py │ ├── resnet18.py │ ├── resnet18d.py │ ├── resnet200.py │ ├── resnet200d.py │ ├── resnet26.py │ ├── resnet26d.py │ ├── resnet26t.py │ ├── resnet32ts.py │ ├── resnet33ts.py │ ├── resnet34.py │ ├── resnet34d.py │ ├── resnet50.py │ ├── resnet50_gn.py │ ├── resnet50d.py │ ├── resnet50t.py │ ├── resnet51q.py │ ├── resnet61q.py │ ├── resnetaa101d.py │ ├── resnetaa50.py │ ├── resnetaa50d.py │ ├── resnetblur101d.py │ ├── resnetblur18.py │ ├── resnetblur50.py │ ├── resnetblur50d.py │ ├── resnetrs101.py │ ├── resnetrs152.py │ ├── resnetrs200.py │ ├── resnetrs270.py │ ├── resnetrs350.py │ ├── resnetrs420.py │ ├── resnetrs50.py │ ├── resnetv2_101.py │ ├── resnetv2_101d.py │ ├── resnetv2_101x1_bitm.py │ ├── resnetv2_101x1_bitm_in21k.py │ ├── resnetv2_101x3_bitm.py │ ├── resnetv2_101x3_bitm_in21k.py │ ├── resnetv2_152.py │ ├── resnetv2_152d.py │ ├── resnetv2_152x2_bit_teacher.py │ ├── resnetv2_152x2_bit_teacher_384.py │ ├── resnetv2_152x2_bitm.py │ ├── resnetv2_152x2_bitm_in21k.py │ ├── resnetv2_152x4_bitm.py │ ├── resnetv2_152x4_bitm_in21k.py │ ├── resnetv2_50.py │ ├── resnetv2_50d.py │ ├── resnetv2_50d_evob.py │ ├── resnetv2_50d_evos.py │ ├── resnetv2_50d_frn.py │ ├── resnetv2_50d_gn.py │ ├── resnetv2_50t.py │ ├── resnetv2_50x1_bit_distilled.py │ ├── resnetv2_50x1_bitm.py │ ├── resnetv2_50x1_bitm_in21k.py │ ├── resnetv2_50x3_bitm.py │ ├── resnetv2_50x3_bitm_in21k.py │ ├── resnext101_32x4d.py │ ├── resnext101_32x8d.py │ ├── resnext101_64x4d.py │ ├── resnext26ts.py │ ├── resnext50_32x4d.py │ ├── resnext50d_32x4d.py │ ├── rexnet_100.py │ ├── rexnet_130.py │ ├── rexnet_150.py │ ├── rexnet_200.py │ ├── rexnetr_100.py │ ├── rexnetr_130.py │ ├── rexnetr_150.py │ ├── rexnetr_200.py │ ├── sebotnet33ts_256.py │ ├── sedarknet21.py │ ├── sehalonet33ts.py │ ├── selecsls42.py │ ├── selecsls42b.py │ ├── selecsls60.py │ ├── selecsls60b.py │ ├── selecsls84.py │ ├── semnasnet_050.py │ ├── semnasnet_075.py │ ├── semnasnet_100.py │ ├── semnasnet_140.py │ ├── semobilevit_s.py │ ├── senet154.py │ ├── sequencer2d_l.py │ ├── sequencer2d_m.py │ ├── sequencer2d_s.py │ ├── seresnet101.py │ ├── seresnet152.py │ ├── seresnet152d.py │ ├── seresnet18.py │ ├── seresnet200d.py │ ├── seresnet269d.py │ ├── seresnet33ts.py │ ├── seresnet34.py │ ├── seresnet50.py │ ├── seresnet50t.py │ ├── seresnetaa50d.py │ ├── seresnext101_32x4d.py │ ├── seresnext101_32x8d.py │ ├── seresnext101d_32x8d.py │ ├── seresnext26d_32x4d.py │ ├── seresnext26t_32x4d.py │ ├── seresnext26tn_32x4d.py │ ├── seresnext26ts.py │ ├── seresnext50_32x4d.py │ ├── seresnextaa101d_32x8d.py │ ├── skip │ │ ├── densenet264d_iabn.py │ │ ├── ecaresnet101d_pruned.py │ │ ├── ecaresnet50d_pruned.py │ │ ├── efficientnet_b1_pruned.py │ │ ├── efficientnet_b2_pruned.py │ │ ├── efficientnet_b3_pruned.py │ │ ├── ese_vovnet99b_iabn.py │ │ ├── tresnet_l.py │ │ ├── tresnet_l_448.py │ │ ├── tresnet_m.py │ │ ├── tresnet_m_448.py │ │ ├── tresnet_m_miil_in21k.py │ │ ├── tresnet_xl.py │ │ └── tresnet_xl_448.py │ ├── skresnet18.py │ ├── skresnet34.py │ ├── skresnet50.py │ ├── skresnet50d.py │ ├── skresnext50_32x4d.py │ ├── spnasnet_100.py │ ├── ssl_resnet18.py │ ├── ssl_resnet50.py │ ├── ssl_resnext101_32x16d.py │ ├── ssl_resnext101_32x4d.py │ ├── ssl_resnext101_32x8d.py │ ├── ssl_resnext50_32x4d.py │ ├── swin_base_patch4_window12_384.py │ ├── swin_base_patch4_window12_384_in22k.py │ ├── swin_base_patch4_window7_224.py │ ├── swin_base_patch4_window7_224_in22k.py │ ├── swin_large_patch4_window12_384.py │ ├── swin_large_patch4_window12_384_in22k.py │ ├── swin_large_patch4_window7_224.py │ ├── swin_large_patch4_window7_224_in22k.py │ ├── swin_s3_base_224.py │ ├── swin_s3_small_224.py │ ├── swin_s3_tiny_224.py │ ├── swin_small_patch4_window7_224.py │ ├── swin_tiny_patch4_window7_224.py │ ├── swinv2_base_window12_192_22k.py │ ├── swinv2_base_window12to16_192to256_22kft1k.py │ ├── swinv2_base_window12to24_192to384_22kft1k.py │ ├── swinv2_base_window16_256.py │ ├── swinv2_base_window8_256.py │ ├── swinv2_cr_base_224.py │ ├── swinv2_cr_base_384.py │ ├── swinv2_cr_base_ns_224.py │ ├── swinv2_cr_giant_224.py │ ├── swinv2_cr_giant_384.py │ ├── swinv2_cr_huge_224.py │ ├── swinv2_cr_huge_384.py │ ├── swinv2_cr_large_224.py │ ├── swinv2_cr_large_384.py │ ├── swinv2_cr_small_224.py │ ├── swinv2_cr_small_384.py │ ├── swinv2_cr_small_ns_224.py │ ├── swinv2_cr_tiny_224.py │ ├── swinv2_cr_tiny_384.py │ ├── swinv2_cr_tiny_ns_224.py │ ├── swinv2_large_window12_192_22k.py │ ├── swinv2_large_window12to16_192to256_22kft1k.py │ ├── swinv2_large_window12to24_192to384_22kft1k.py │ ├── swinv2_small_window16_256.py │ ├── swinv2_small_window8_256.py │ ├── swinv2_tiny_window16_256.py │ ├── swinv2_tiny_window8_256.py │ ├── swsl_resnet18.py │ ├── swsl_resnet50.py │ ├── swsl_resnext101_32x16d.py │ ├── swsl_resnext101_32x4d.py │ ├── swsl_resnext101_32x8d.py │ ├── swsl_resnext50_32x4d.py │ ├── tf_efficientnet_b0.py │ ├── tf_efficientnet_b0_ap.py │ ├── tf_efficientnet_b0_ns.py │ ├── tf_efficientnet_b1.py │ ├── tf_efficientnet_b1_ap.py │ ├── tf_efficientnet_b1_ns.py │ ├── tf_efficientnet_b2.py │ ├── tf_efficientnet_b2_ap.py │ ├── tf_efficientnet_b2_ns.py │ ├── tf_efficientnet_b3.py │ ├── tf_efficientnet_b3_ap.py │ ├── tf_efficientnet_b3_ns.py │ ├── tf_efficientnet_b4.py │ ├── tf_efficientnet_b4_ap.py │ ├── tf_efficientnet_b4_ns.py │ ├── tf_efficientnet_b5.py │ ├── tf_efficientnet_b5_ap.py │ ├── tf_efficientnet_b5_ns.py │ ├── tf_efficientnet_b6.py │ ├── tf_efficientnet_b6_ap.py │ ├── tf_efficientnet_b6_ns.py │ ├── tf_efficientnet_b7.py │ ├── tf_efficientnet_b7_ap.py │ ├── tf_efficientnet_b7_ns.py │ ├── tf_efficientnet_b8.py │ ├── tf_efficientnet_b8_ap.py │ ├── tf_efficientnet_cc_b0_4e.py │ ├── tf_efficientnet_cc_b0_8e.py │ ├── tf_efficientnet_cc_b1_8e.py │ ├── tf_efficientnet_el.py │ ├── tf_efficientnet_em.py │ ├── tf_efficientnet_es.py │ ├── tf_efficientnet_l2_ns.py │ ├── tf_efficientnet_l2_ns_475.py │ ├── tf_efficientnet_lite0.py │ ├── tf_efficientnet_lite1.py │ ├── tf_efficientnet_lite2.py │ ├── tf_efficientnet_lite3.py │ ├── tf_efficientnet_lite4.py │ ├── tf_efficientnetv2_b0.py │ ├── tf_efficientnetv2_b1.py │ ├── tf_efficientnetv2_b2.py │ ├── tf_efficientnetv2_b3.py │ ├── tf_efficientnetv2_l.py │ ├── tf_efficientnetv2_l_in21ft1k.py │ ├── tf_efficientnetv2_l_in21k.py │ ├── tf_efficientnetv2_m.py │ ├── tf_efficientnetv2_m_in21ft1k.py │ ├── tf_efficientnetv2_m_in21k.py │ ├── tf_efficientnetv2_s.py │ ├── tf_efficientnetv2_s_in21ft1k.py │ ├── tf_efficientnetv2_s_in21k.py │ ├── tf_efficientnetv2_xl_in21ft1k.py │ ├── tf_efficientnetv2_xl_in21k.py │ ├── tf_inception_v3.py │ ├── tf_mixnet_l.py │ ├── tf_mixnet_m.py │ ├── tf_mixnet_s.py │ ├── tf_mobilenetv3_large_075.py │ ├── tf_mobilenetv3_large_100.py │ ├── tf_mobilenetv3_large_minimal_100.py │ ├── tf_mobilenetv3_small_075.py │ ├── tf_mobilenetv3_small_100.py │ ├── tf_mobilenetv3_small_minimal_100.py │ ├── tinynet_a.py │ ├── tinynet_b.py │ ├── tinynet_c.py │ ├── tinynet_d.py │ ├── tinynet_e.py │ ├── tnt_b_patch16_224.py │ ├── tnt_s_patch16_224.py │ ├── tv_densenet121.py │ ├── tv_resnet101.py │ ├── tv_resnet152.py │ ├── tv_resnet34.py │ ├── tv_resnet50.py │ ├── tv_resnext50_32x4d.py │ ├── twins_pcpvt_base.py │ ├── twins_pcpvt_large.py │ ├── twins_pcpvt_small.py │ ├── twins_svt_base.py │ ├── twins_svt_large.py │ ├── twins_svt_small.py │ ├── vgg11.py │ ├── vgg11_bn.py │ ├── vgg13.py │ ├── vgg13_bn.py │ ├── vgg16.py │ ├── vgg16_bn.py │ ├── vgg19.py │ ├── vgg19_bn.py │ ├── visformer_small.py │ ├── visformer_tiny.py │ ├── vit_base_patch16_18x2_224.py │ ├── vit_base_patch16_224.py │ ├── vit_base_patch16_224_dino.py │ ├── vit_base_patch16_224_in21k.py │ ├── vit_base_patch16_224_miil.py │ ├── vit_base_patch16_224_miil_in21k.py │ ├── vit_base_patch16_224_sam.py │ ├── vit_base_patch16_384.py │ ├── vit_base_patch16_plus_240.py │ ├── vit_base_patch16_rpn_224.py │ ├── vit_base_patch32_224.py │ ├── vit_base_patch32_224_in21k.py │ ├── vit_base_patch32_224_sam.py │ ├── vit_base_patch32_384.py │ ├── vit_base_patch32_plus_256.py │ ├── vit_base_patch8_224.py │ ├── vit_base_patch8_224_dino.py │ ├── vit_base_patch8_224_in21k.py │ ├── vit_base_r26_s32_224.py │ ├── vit_base_r50_s16_224.py │ ├── vit_base_r50_s16_224_in21k.py │ ├── vit_base_r50_s16_384.py │ ├── vit_base_resnet26d_224.py │ ├── vit_base_resnet50_224_in21k.py │ ├── vit_base_resnet50_384.py │ ├── vit_base_resnet50d_224.py │ ├── vit_giant_patch14_224.py │ ├── vit_gigantic_patch14_224.py │ ├── vit_huge_patch14_224.py │ ├── vit_huge_patch14_224_in21k.py │ ├── vit_large_patch14_224.py │ ├── vit_large_patch16_224.py │ ├── vit_large_patch16_224_in21k.py │ ├── vit_large_patch16_384.py │ ├── vit_large_patch32_224.py │ ├── vit_large_patch32_224_in21k.py │ ├── vit_large_patch32_384.py │ ├── vit_large_r50_s32_224.py │ ├── vit_large_r50_s32_224_in21k.py │ ├── vit_large_r50_s32_384.py │ ├── vit_relpos_base_patch16_224.py │ ├── vit_relpos_base_patch16_cls_224.py │ ├── vit_relpos_base_patch16_clsgap_224.py │ ├── vit_relpos_base_patch16_plus_240.py │ ├── vit_relpos_base_patch16_rpn_224.py │ ├── vit_relpos_base_patch32_plus_rpn_256.py │ ├── vit_relpos_medium_patch16_224.py │ ├── vit_relpos_medium_patch16_cls_224.py │ ├── vit_relpos_medium_patch16_rpn_224.py │ ├── vit_relpos_small_patch16_224.py │ ├── vit_relpos_small_patch16_rpn_224.py │ ├── vit_small_patch16_18x2_224.py │ ├── vit_small_patch16_224.py │ ├── vit_small_patch16_224_dino.py │ ├── vit_small_patch16_224_in21k.py │ ├── vit_small_patch16_36x1_224.py │ ├── vit_small_patch16_384.py │ ├── vit_small_patch32_224.py │ ├── vit_small_patch32_224_in21k.py │ ├── vit_small_patch32_384.py │ ├── vit_small_patch8_224_dino.py │ ├── vit_small_r26_s32_224.py │ ├── vit_small_r26_s32_224_in21k.py │ ├── vit_small_r26_s32_384.py │ ├── vit_small_resnet26d_224.py │ ├── vit_small_resnet50d_s16_224.py │ ├── vit_srelpos_medium_patch16_224.py │ ├── vit_srelpos_small_patch16_224.py │ ├── vit_tiny_patch16_224.py │ ├── vit_tiny_patch16_224_in21k.py │ ├── vit_tiny_patch16_384.py │ ├── vit_tiny_r_s16_p8_224.py │ ├── vit_tiny_r_s16_p8_224_in21k.py │ ├── vit_tiny_r_s16_p8_384.py │ ├── volo_d1_224.py │ ├── volo_d1_384.py │ ├── volo_d2_224.py │ ├── volo_d2_384.py │ ├── volo_d3_224.py │ ├── volo_d3_448.py │ ├── volo_d4_224.py │ ├── volo_d4_448.py │ ├── volo_d5_224.py │ ├── volo_d5_448.py │ ├── volo_d5_512.py │ ├── vovnet39a.py │ ├── vovnet57a.py │ ├── wide_resnet101_2.py │ ├── wide_resnet50_2.py │ ├── xception.py │ ├── xception41.py │ ├── xception41p.py │ ├── xception65.py │ ├── xception65p.py │ ├── xception71.py │ ├── xcit_large_24_p16_224.py │ ├── xcit_large_24_p16_224_dist.py │ ├── xcit_large_24_p16_384_dist.py │ ├── xcit_large_24_p8_224.py │ ├── xcit_large_24_p8_224_dist.py │ ├── xcit_large_24_p8_384_dist.py │ ├── xcit_medium_24_p16_224.py │ ├── xcit_medium_24_p16_224_dist.py │ ├── xcit_medium_24_p16_384_dist.py │ ├── xcit_medium_24_p8_224.py │ ├── xcit_medium_24_p8_224_dist.py │ ├── xcit_medium_24_p8_384_dist.py │ ├── xcit_nano_12_p16_224.py │ ├── xcit_nano_12_p16_224_dist.py │ ├── xcit_nano_12_p16_384_dist.py │ ├── xcit_nano_12_p8_224.py │ ├── xcit_nano_12_p8_224_dist.py │ ├── xcit_nano_12_p8_384_dist.py │ ├── xcit_small_12_p16_224.py │ ├── xcit_small_12_p16_224_dist.py │ ├── xcit_small_12_p16_384_dist.py │ ├── xcit_small_12_p8_224.py │ ├── xcit_small_12_p8_224_dist.py │ ├── xcit_small_12_p8_384_dist.py │ ├── xcit_small_24_p16_224.py │ ├── xcit_small_24_p16_224_dist.py │ ├── xcit_small_24_p16_384_dist.py │ ├── xcit_small_24_p8_224.py │ ├── xcit_small_24_p8_224_dist.py │ ├── xcit_small_24_p8_384_dist.py │ ├── xcit_tiny_12_p16_224.py │ ├── xcit_tiny_12_p16_224_dist.py │ ├── xcit_tiny_12_p16_384_dist.py │ ├── xcit_tiny_12_p8_224.py │ ├── xcit_tiny_12_p8_224_dist.py │ ├── xcit_tiny_12_p8_384_dist.py │ ├── xcit_tiny_24_p16_224.py │ ├── xcit_tiny_24_p16_224_dist.py │ ├── xcit_tiny_24_p16_384_dist.py │ ├── xcit_tiny_24_p8_224.py │ ├── xcit_tiny_24_p8_224_dist.py │ └── xcit_tiny_24_p8_384_dist.py ├── torch_hub │ ├── __init__.py │ ├── alexnet.py │ ├── convnext_base.py │ ├── convnext_large.py │ ├── convnext_small.py │ ├── convnext_tiny.py │ ├── dcgan.py │ ├── densenet121.py │ ├── densenet161.py │ ├── densenet169.py │ ├── densenet201.py │ ├── efficientnet_b0.py │ ├── efficientnet_b1.py │ ├── efficientnet_b2.py │ ├── efficientnet_b3.py │ ├── efficientnet_b4.py │ ├── efficientnet_b5.py │ ├── efficientnet_b6.py │ ├── efficientnet_b7.py │ ├── efficientnet_v2_l.py │ ├── efficientnet_v2_m.py │ ├── efficientnet_v2_s.py │ ├── ghostnet.py │ ├── ghostnet_1x.py │ ├── googlenet.py │ ├── hardnet39ds.py │ ├── hardnet68.py │ ├── hardnet68ds.py │ ├── hardnet85.py │ ├── inception_v3.py │ ├── mealv1_resnest50.py │ ├── mealv2_efficientnet_b0.py │ ├── mealv2_mobilenet_v3_large_100.py │ ├── mealv2_mobilenetv3_small_075.py │ ├── mealv2_mobilenetv3_small_100.py │ ├── mealv2_resnest50.py │ ├── mealv2_resnest50_380x380.py │ ├── mealv2_resnest50_cutmix.py │ ├── midas_v2.1_small.py │ ├── midas_v3_hybrid.py │ ├── midas_v3_large.py │ ├── mnasnet0_5.py │ ├── mnasnet0_75.py │ ├── mnasnet1_0.py │ ├── mnasnet1_3.py │ ├── mobilenet_v2.py │ ├── mobilenet_v3_large.py │ ├── mobilenet_v3_small.py │ ├── proxyless_cpu.py │ ├── proxyless_gpu.py │ ├── proxyless_mobile.py │ ├── proxyless_mobile_14.py │ ├── regnet_x_16gf.py │ ├── regnet_x_1_6gf.py │ ├── regnet_x_32gf.py │ ├── regnet_x_3_2gf.py │ ├── regnet_x_400mf.py │ ├── regnet_x_800mf.py │ ├── regnet_x_8gf.py │ ├── regnet_y_128gf.py │ ├── regnet_y_16gf.py │ ├── regnet_y_1_6gf.py │ ├── regnet_y_32gf.py │ ├── regnet_y_3_2gf.py │ ├── regnet_y_400mf.py │ ├── regnet_y_800mf.py │ ├── regnet_y_8gf.py │ ├── resnest101.py │ ├── resnest200.py │ ├── resnest269.py │ ├── resnest50.py │ ├── resnest50_fast_1s1x64d.py │ ├── resnest50_fast_1s2x40d.py │ ├── resnest50_fast_1s4x24d.py │ ├── resnest50_fast_2s1x64d.py │ ├── resnest50_fast_2s2x40d.py │ ├── resnest50_fast_4s1x64d.py │ ├── resnest50_fast_4s2x40d.py │ ├── resnet101.py │ ├── resnet101_ibn_a.py │ ├── resnet101_ibn_b.py │ ├── resnet152.py │ ├── resnet18.py │ ├── resnet18_ibn_a.py │ ├── resnet18_ibn_b.py │ ├── resnet34.py │ ├── resnet34_ibn_a.py │ ├── resnet34_ibn_b.py │ ├── resnet50.py │ ├── resnet50_ibn_a.py │ ├── resnet50_ibn_b.py │ ├── resnext101_32x8d.py │ ├── resnext101_ibn_a.py │ ├── resnext50_32x4d.py │ ├── se_resnet101_ibn_a.py │ ├── shufflenet_v2_x0_5.py │ ├── shufflenet_v2_x1_0.py │ ├── shufflenet_v2_x1_5.py │ ├── shufflenet_v2_x2_0.py │ ├── squeezenet1_0.py │ ├── squeezenet1_1.py │ ├── swin_b.py │ ├── swin_s.py │ ├── swin_t.py │ ├── unet.py │ ├── vgg11.py │ ├── vgg11_bn.py │ ├── vgg13.py │ ├── vgg13_bn.py │ ├── vgg16.py │ ├── vgg16_bn.py │ ├── vgg19.py │ ├── vgg19_bn.py │ ├── vit_b_16.py │ ├── vit_b_32.py │ ├── vit_h_14.py │ ├── vit_l_16.py │ ├── vit_l_32.py │ ├── wide_resnet101_2.py │ └── wide_resnet50_2.py ├── torchvision │ ├── __init__.py │ ├── fasterrcnn_mobilenet_v3_large_320_fpn.py │ ├── fasterrcnn_mobilenet_v3_large_fpn.py │ ├── fasterrcnn_resnet50_fpn.py │ ├── fasterrcnn_resnet50_fpn_v2.py │ ├── fcos_resnet50_fpn.py │ ├── keypointrcnn_resnet50_fpn.py │ ├── maskrcnn_resnet50_fpn.py │ ├── maskrcnn_resnet50_fpn_v2.py │ ├── retinanet_resnet50_fpn.py │ ├── retinanet_resnet50_fpn_v2.py │ ├── ssd300_vgg16.py │ └── ssdlite320_mobilenet_v3_large.py └── transformers │ ├── __init__.py │ ├── bart.py │ ├── beit.py │ ├── bert.py │ ├── bert_for_question_answering.py │ ├── bert_generation.py │ ├── bert_tiny_for_sequence_classification.py │ ├── bigbird_pegasus.py │ ├── biggan.py │ ├── blenderbot_small.py │ ├── camembert.py │ ├── convbert.py │ ├── convnext.py │ ├── data2vecaudio.py │ ├── data2vectext.py │ ├── deberta.py │ ├── deit.py │ ├── deit_base_for_image_classification.py │ ├── deit_tiny_for_image_classification.py │ ├── detr.py │ ├── detr_for_object_detection.py │ ├── distil_wav2vec2_for_audio_classification.py │ ├── distilbert.py │ ├── distilbert_for_question_answering.py │ ├── distilhubert_for_audio_classification.py │ ├── electra.py │ ├── electra_for_sequence_classification.py │ ├── encoder_decoder.py │ ├── flaubert.py │ ├── funnel.py │ ├── funnel_base.py │ ├── gpt1.py │ ├── gpt2.py │ ├── gpt2_doublehead.py │ ├── hubert.py │ ├── ibert.py │ ├── imagegpt.py │ ├── layoutlm.py │ ├── luke.py │ ├── m2m_100.py │ ├── marian.py │ ├── marianmt.py │ ├── megatron_bert.py │ ├── minilmv2.py │ ├── mobilebert.py │ ├── mobilebert_for_sequence_classification.py │ ├── mobilevit.py │ ├── mobilevit_small_for_semantic_segmentation.py │ ├── mobilevit_x_small_for_semantic_segmentation.py │ ├── mobilevit_xx_small_for_semantic_segmentation.py │ ├── mpnet.py │ ├── mt5_base.py │ ├── mt5_encoder.py │ ├── mt5_small.py │ ├── openai_doublehead.py │ ├── pegasus.py │ ├── perceiver.py │ ├── poolformer.py │ ├── rag.py │ ├── realm.py │ ├── rembert.py │ ├── retribert.py │ ├── roberta.py │ ├── roformer.py │ ├── segformer.py │ ├── sew.py │ ├── sew_d.py │ ├── skip │ ├── albert.py │ ├── auto.py │ ├── barthez.py │ ├── bartpho.py │ ├── bert_japanese.py │ ├── bertweet.py │ ├── big_bird.py │ ├── blenderbot.py │ ├── bort.py │ ├── byt5.py │ ├── canine.py │ ├── clip.py │ ├── clipText.py │ ├── clipVision.py │ ├── cpm.py │ ├── ctrl.py │ ├── deberta_v2.py │ ├── dialogpt.py │ ├── dpr.py │ ├── fnet.py │ ├── fsmt.py │ ├── herbert.py │ ├── layoutlmv2.py │ ├── layoutxlm.py │ ├── led.py │ ├── longformer.py │ ├── lxmert.py │ ├── mbart.py │ ├── mbart50.py │ ├── megatron_gpt2.py │ ├── mluke.py │ ├── mmbt.py │ ├── mt5.py │ ├── mt5_xl.py │ ├── mt5_xxl.py │ ├── nystromformer.py │ ├── phobert.py │ ├── plbart.py │ ├── prophetnet.py │ ├── qdqbert.py │ ├── reformer.py │ ├── speech_to_text_2.py │ ├── swin.py │ ├── t5.py │ ├── t5_11b.py │ ├── t5_3b.py │ ├── tapas.py │ ├── transfo_xl.py │ ├── trocr.py │ ├── vilt.py │ ├── vision_text_dual_encoder.py │ ├── visual_bert.py │ ├── vit_mae.py │ ├── wav2vec2_phoneme.py │ ├── wav2vec2_with_lm.py │ ├── wavlm.py │ ├── xlm_prophetnet.py │ ├── xlm_roberta_xl.py │ └── yoso.py │ ├── speech_encoder_decoder.py │ ├── speech_encoder_decoder_pretrained.py │ ├── speech_to_text.py │ ├── splinter.py │ ├── squeezebert.py │ ├── t5_base.py │ ├── t5_encoder.py │ ├── t5_large.py │ ├── t5_small.py │ ├── unispeech.py │ ├── unispeech_sat.py │ ├── vision_encoder_decoder.py │ ├── vit.py │ ├── wav2vec2.py │ ├── xglm.py │ ├── xlm.py │ ├── xlm_roberta.py │ ├── xlnet-512.py │ ├── xlnet.py │ └── yolos_tiny_for_object_detection.py ├── pyproject.toml ├── setup.py ├── src ├── mlagility │ ├── __init__.py │ ├── analysis │ │ ├── analysis.py │ │ ├── status.py │ │ ├── tf_helpers.py │ │ └── util.py │ ├── api │ │ ├── Dockerfile │ │ ├── devices.py │ │ ├── execute_trt.py │ │ ├── model_api.py │ │ ├── ortmodel.py │ │ ├── performance.py │ │ ├── report.py │ │ ├── run_ort_model.py │ │ ├── script_api.py │ │ ├── setup_ort.py │ │ └── trtmodel.py │ ├── cli │ │ ├── cli.py │ │ ├── cloud │ │ │ ├── control.py │ │ │ ├── requirements.txt │ │ │ ├── setup_part_1.sh │ │ │ └── setup_part_2.sh │ │ ├── login.py │ │ ├── report.py │ │ ├── run_slurm.sh │ │ ├── setup_venv.sh │ │ └── spawn.py │ ├── common │ │ ├── filesystem.py │ │ └── labels.py │ ├── parser.py │ └── version.py └── onnxflow │ ├── __init__.py │ ├── common │ ├── __init__.py │ ├── build.py │ ├── cache.py │ ├── exceptions.py │ ├── onnx_helpers.py │ ├── printing.py │ ├── quantization_helpers.py │ ├── tensor_helpers.py │ └── tf_helpers.py │ ├── justbuildit │ ├── __init__.py │ ├── buildit.py │ ├── export.py │ ├── hummingbird.py │ ├── ignition.py │ └── stage.py │ ├── model │ ├── __init__.py │ └── model.py │ └── version.py ├── test ├── analysis.py ├── build_model.py ├── cli.py ├── database.py ├── gpu.py ├── helpers │ ├── check_slurm_output.sh │ └── slurm.conf ├── model_api.py └── unit.py └── trackers └── huggingface ├── .streamlit └── config.toml ├── app.py ├── graphs.py ├── reports └── randomized_data.csv ├── requirements.txt └── streamlit_helpers.py /.github/workflows/test_azure.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/.github/workflows/test_azure.yml -------------------------------------------------------------------------------- /.github/workflows/test_mlagility.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/.github/workflows/test_mlagility.yml -------------------------------------------------------------------------------- /.github/workflows/test_onnxflow.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/.github/workflows/test_onnxflow.yml -------------------------------------------------------------------------------- /.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/.pylintrc -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/README.md -------------------------------------------------------------------------------- /docs/code.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/code.md -------------------------------------------------------------------------------- /docs/contribute.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/contribute.md -------------------------------------------------------------------------------- /docs/img/block_diagram_dark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/img/block_diagram_dark.png -------------------------------------------------------------------------------- /docs/img/block_diagram_light.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/img/block_diagram_light.png -------------------------------------------------------------------------------- /docs/img/dashboard.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/img/dashboard.gif -------------------------------------------------------------------------------- /docs/img/mlagility.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/img/mlagility.gif -------------------------------------------------------------------------------- /docs/install.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/install.md -------------------------------------------------------------------------------- /docs/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/readme.md -------------------------------------------------------------------------------- /docs/tools_user_guide.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/tools_user_guide.md -------------------------------------------------------------------------------- /docs/versioning.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/docs/versioning.md -------------------------------------------------------------------------------- /examples/cli/build.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/build.md -------------------------------------------------------------------------------- /examples/cli/cache.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/cache.md -------------------------------------------------------------------------------- /examples/cli/discovery.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/discovery.md -------------------------------------------------------------------------------- /examples/cli/onnx/sample.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/onnx/sample.onnx -------------------------------------------------------------------------------- /examples/cli/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/readme.md -------------------------------------------------------------------------------- /examples/cli/scripts/hello_world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/scripts/hello_world.py -------------------------------------------------------------------------------- /examples/cli/scripts/max_depth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/scripts/max_depth.py -------------------------------------------------------------------------------- /examples/cli/scripts/two_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/cli/scripts/two_models.py -------------------------------------------------------------------------------- /examples/model_api/hello_world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/model_api/hello_world.py -------------------------------------------------------------------------------- /examples/onnxflow/lgbmclassifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/onnxflow/lgbmclassifier.py -------------------------------------------------------------------------------- /examples/onnxflow/randomforest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/onnxflow/randomforest.py -------------------------------------------------------------------------------- /examples/onnxflow/xgbclassifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/onnxflow/xgbclassifier.py -------------------------------------------------------------------------------- /examples/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/readme.md -------------------------------------------------------------------------------- /examples/script_api/onnx_opset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/examples/script_api/onnx_opset.py -------------------------------------------------------------------------------- /models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/diffusers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/diffusers/vae_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/diffusers/vae_decoder.py -------------------------------------------------------------------------------- /models/graph_convolutions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/graph_convolutions/dnaconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/graph_convolutions/dnaconv.py -------------------------------------------------------------------------------- /models/graph_convolutions/egconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/graph_convolutions/egconv.py -------------------------------------------------------------------------------- /models/graph_convolutions/leconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/graph_convolutions/leconv.py -------------------------------------------------------------------------------- /models/graph_convolutions/pnaconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/graph_convolutions/pnaconv.py -------------------------------------------------------------------------------- /models/graph_convolutions/tagconv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/graph_convolutions/tagconv.py -------------------------------------------------------------------------------- /models/llm/gpt_neo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm/gpt_neo.py -------------------------------------------------------------------------------- /models/llm/gpt_neox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm/gpt_neox.py -------------------------------------------------------------------------------- /models/llm/gptj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm/gptj.py -------------------------------------------------------------------------------- /models/llm_layer/gpt_neo_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/gpt_neo_layer.py -------------------------------------------------------------------------------- /models/llm_layer/gpt_neox_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/gpt_neox_layer.py -------------------------------------------------------------------------------- /models/llm_layer/gptj_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/gptj_layer.py -------------------------------------------------------------------------------- /models/llm_layer/llama_13b_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/llama_13b_layer.py -------------------------------------------------------------------------------- /models/llm_layer/llama_33b_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/llama_33b_layer.py -------------------------------------------------------------------------------- /models/llm_layer/llama_65b_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/llama_65b_layer.py -------------------------------------------------------------------------------- /models/llm_layer/llama_7b_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/llm_layer/llama_7b_layer.py -------------------------------------------------------------------------------- /models/popular_on_huggingface/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/readme.md -------------------------------------------------------------------------------- /models/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/requirements.txt -------------------------------------------------------------------------------- /models/selftest/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/selftest/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/selftest/linear.py -------------------------------------------------------------------------------- /models/selftest/twolayer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/selftest/twolayer.py -------------------------------------------------------------------------------- /models/timm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/timm/adv_inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/adv_inception_v3.py -------------------------------------------------------------------------------- /models/timm/bat_resnext26ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/bat_resnext26ts.py -------------------------------------------------------------------------------- /models/timm/beit_base_patch16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/beit_base_patch16_224.py -------------------------------------------------------------------------------- /models/timm/beit_base_patch16_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/beit_base_patch16_384.py -------------------------------------------------------------------------------- /models/timm/botnet26t_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/botnet26t_256.py -------------------------------------------------------------------------------- /models/timm/botnet50ts_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/botnet50ts_256.py -------------------------------------------------------------------------------- /models/timm/cait_m36_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_m36_384.py -------------------------------------------------------------------------------- /models/timm/cait_m48_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_m48_448.py -------------------------------------------------------------------------------- /models/timm/cait_s24_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_s24_224.py -------------------------------------------------------------------------------- /models/timm/cait_s24_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_s24_384.py -------------------------------------------------------------------------------- /models/timm/cait_s36_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_s36_384.py -------------------------------------------------------------------------------- /models/timm/cait_xs24_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_xs24_384.py -------------------------------------------------------------------------------- /models/timm/cait_xxs24_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_xxs24_224.py -------------------------------------------------------------------------------- /models/timm/cait_xxs24_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_xxs24_384.py -------------------------------------------------------------------------------- /models/timm/cait_xxs36_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_xxs36_224.py -------------------------------------------------------------------------------- /models/timm/cait_xxs36_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cait_xxs36_384.py -------------------------------------------------------------------------------- /models/timm/coat_lite_mini.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/coat_lite_mini.py -------------------------------------------------------------------------------- /models/timm/coat_lite_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/coat_lite_small.py -------------------------------------------------------------------------------- /models/timm/coat_lite_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/coat_lite_tiny.py -------------------------------------------------------------------------------- /models/timm/coat_mini.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/coat_mini.py -------------------------------------------------------------------------------- /models/timm/coat_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/coat_tiny.py -------------------------------------------------------------------------------- /models/timm/convit_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convit_base.py -------------------------------------------------------------------------------- /models/timm/convit_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convit_small.py -------------------------------------------------------------------------------- /models/timm/convit_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convit_tiny.py -------------------------------------------------------------------------------- /models/timm/convmixer_1536_20.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convmixer_1536_20.py -------------------------------------------------------------------------------- /models/timm/convmixer_768_32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convmixer_768_32.py -------------------------------------------------------------------------------- /models/timm/convnext_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_base.py -------------------------------------------------------------------------------- /models/timm/convnext_base_in22k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_base_in22k.py -------------------------------------------------------------------------------- /models/timm/convnext_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_large.py -------------------------------------------------------------------------------- /models/timm/convnext_large_in22k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_large_in22k.py -------------------------------------------------------------------------------- /models/timm/convnext_nano.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_nano.py -------------------------------------------------------------------------------- /models/timm/convnext_nano_hnf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_nano_hnf.py -------------------------------------------------------------------------------- /models/timm/convnext_nano_ols.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_nano_ols.py -------------------------------------------------------------------------------- /models/timm/convnext_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_small.py -------------------------------------------------------------------------------- /models/timm/convnext_small_in22k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_small_in22k.py -------------------------------------------------------------------------------- /models/timm/convnext_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_tiny.py -------------------------------------------------------------------------------- /models/timm/convnext_tiny_hnf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_tiny_hnf.py -------------------------------------------------------------------------------- /models/timm/convnext_tiny_in22k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_tiny_in22k.py -------------------------------------------------------------------------------- /models/timm/convnext_xlarge_in22k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/convnext_xlarge_in22k.py -------------------------------------------------------------------------------- /models/timm/crossvit_15_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_15_240.py -------------------------------------------------------------------------------- /models/timm/crossvit_18_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_18_240.py -------------------------------------------------------------------------------- /models/timm/crossvit_9_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_9_240.py -------------------------------------------------------------------------------- /models/timm/crossvit_9_dagger_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_9_dagger_240.py -------------------------------------------------------------------------------- /models/timm/crossvit_base_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_base_240.py -------------------------------------------------------------------------------- /models/timm/crossvit_small_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_small_240.py -------------------------------------------------------------------------------- /models/timm/crossvit_tiny_240.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/crossvit_tiny_240.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_focus_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_focus_l.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_focus_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_focus_m.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_focus_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_focus_s.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_focus_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_focus_x.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_l.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_m.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_s.py -------------------------------------------------------------------------------- /models/timm/cs3darknet_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3darknet_x.py -------------------------------------------------------------------------------- /models/timm/cs3edgenet_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3edgenet_x.py -------------------------------------------------------------------------------- /models/timm/cs3se_edgenet_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3se_edgenet_x.py -------------------------------------------------------------------------------- /models/timm/cs3sedarknet_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3sedarknet_l.py -------------------------------------------------------------------------------- /models/timm/cs3sedarknet_x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3sedarknet_x.py -------------------------------------------------------------------------------- /models/timm/cs3sedarknet_xdw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cs3sedarknet_xdw.py -------------------------------------------------------------------------------- /models/timm/cspdarknet53.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cspdarknet53.py -------------------------------------------------------------------------------- /models/timm/cspresnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cspresnet50.py -------------------------------------------------------------------------------- /models/timm/cspresnet50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cspresnet50d.py -------------------------------------------------------------------------------- /models/timm/cspresnet50w.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cspresnet50w.py -------------------------------------------------------------------------------- /models/timm/cspresnext50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/cspresnext50.py -------------------------------------------------------------------------------- /models/timm/darknet17.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/darknet17.py -------------------------------------------------------------------------------- /models/timm/darknet21.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/darknet21.py -------------------------------------------------------------------------------- /models/timm/darknet53.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/darknet53.py -------------------------------------------------------------------------------- /models/timm/darknetaa53.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/darknetaa53.py -------------------------------------------------------------------------------- /models/timm/deit_base_patch16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/deit_base_patch16_224.py -------------------------------------------------------------------------------- /models/timm/deit_base_patch16_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/deit_base_patch16_384.py -------------------------------------------------------------------------------- /models/timm/deit_tiny_patch16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/deit_tiny_patch16_224.py -------------------------------------------------------------------------------- /models/timm/densenet121.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenet121.py -------------------------------------------------------------------------------- /models/timm/densenet121d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenet121d.py -------------------------------------------------------------------------------- /models/timm/densenet161.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenet161.py -------------------------------------------------------------------------------- /models/timm/densenet169.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenet169.py -------------------------------------------------------------------------------- /models/timm/densenet201.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenet201.py -------------------------------------------------------------------------------- /models/timm/densenet264.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenet264.py -------------------------------------------------------------------------------- /models/timm/densenetblur121d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/densenetblur121d.py -------------------------------------------------------------------------------- /models/timm/dla102.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla102.py -------------------------------------------------------------------------------- /models/timm/dla102x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla102x.py -------------------------------------------------------------------------------- /models/timm/dla102x2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla102x2.py -------------------------------------------------------------------------------- /models/timm/dla169.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla169.py -------------------------------------------------------------------------------- /models/timm/dla34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla34.py -------------------------------------------------------------------------------- /models/timm/dla46_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla46_c.py -------------------------------------------------------------------------------- /models/timm/dla46x_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla46x_c.py -------------------------------------------------------------------------------- /models/timm/dla60.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla60.py -------------------------------------------------------------------------------- /models/timm/dla60_res2net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla60_res2net.py -------------------------------------------------------------------------------- /models/timm/dla60_res2next.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla60_res2next.py -------------------------------------------------------------------------------- /models/timm/dla60x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla60x.py -------------------------------------------------------------------------------- /models/timm/dla60x_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dla60x_c.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f0.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f1.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f2.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f3.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f4.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f5.py -------------------------------------------------------------------------------- /models/timm/dm_nfnet_f6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dm_nfnet_f6.py -------------------------------------------------------------------------------- /models/timm/dpn107.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dpn107.py -------------------------------------------------------------------------------- /models/timm/dpn131.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dpn131.py -------------------------------------------------------------------------------- /models/timm/dpn68.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dpn68.py -------------------------------------------------------------------------------- /models/timm/dpn68b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dpn68b.py -------------------------------------------------------------------------------- /models/timm/dpn92.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dpn92.py -------------------------------------------------------------------------------- /models/timm/dpn98.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/dpn98.py -------------------------------------------------------------------------------- /models/timm/eca_botnext26ts_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_botnext26ts_256.py -------------------------------------------------------------------------------- /models/timm/eca_halonext26ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_halonext26ts.py -------------------------------------------------------------------------------- /models/timm/eca_nfnet_l0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_nfnet_l0.py -------------------------------------------------------------------------------- /models/timm/eca_nfnet_l1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_nfnet_l1.py -------------------------------------------------------------------------------- /models/timm/eca_nfnet_l2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_nfnet_l2.py -------------------------------------------------------------------------------- /models/timm/eca_nfnet_l3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_nfnet_l3.py -------------------------------------------------------------------------------- /models/timm/eca_resnet33ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_resnet33ts.py -------------------------------------------------------------------------------- /models/timm/eca_resnext26ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_resnext26ts.py -------------------------------------------------------------------------------- /models/timm/eca_vovnet39b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/eca_vovnet39b.py -------------------------------------------------------------------------------- /models/timm/ecaresnet101d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnet101d.py -------------------------------------------------------------------------------- /models/timm/ecaresnet200d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnet200d.py -------------------------------------------------------------------------------- /models/timm/ecaresnet269d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnet269d.py -------------------------------------------------------------------------------- /models/timm/ecaresnet26t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnet26t.py -------------------------------------------------------------------------------- /models/timm/ecaresnet50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnet50d.py -------------------------------------------------------------------------------- /models/timm/ecaresnet50t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnet50t.py -------------------------------------------------------------------------------- /models/timm/ecaresnetlight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnetlight.py -------------------------------------------------------------------------------- /models/timm/ecaresnext26t_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnext26t_32x4d.py -------------------------------------------------------------------------------- /models/timm/ecaresnext50t_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ecaresnext50t_32x4d.py -------------------------------------------------------------------------------- /models/timm/edgenext_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/edgenext_small.py -------------------------------------------------------------------------------- /models/timm/edgenext_small_rw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/edgenext_small_rw.py -------------------------------------------------------------------------------- /models/timm/edgenext_x_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/edgenext_x_small.py -------------------------------------------------------------------------------- /models/timm/edgenext_xx_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/edgenext_xx_small.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b0.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b0_g8_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b0_g8_gn.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b0_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b0_gn.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b1.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b2.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b2a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b2a.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b3.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b3_g8_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b3_g8_gn.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b3_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b3_gn.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b3a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b3a.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b4.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b5.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b6.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b7.py -------------------------------------------------------------------------------- /models/timm/efficientnet_b8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_b8.py -------------------------------------------------------------------------------- /models/timm/efficientnet_cc_b0_4e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_cc_b0_4e.py -------------------------------------------------------------------------------- /models/timm/efficientnet_cc_b0_8e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_cc_b0_8e.py -------------------------------------------------------------------------------- /models/timm/efficientnet_cc_b1_8e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_cc_b1_8e.py -------------------------------------------------------------------------------- /models/timm/efficientnet_el.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_el.py -------------------------------------------------------------------------------- /models/timm/efficientnet_em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_em.py -------------------------------------------------------------------------------- /models/timm/efficientnet_es.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_es.py -------------------------------------------------------------------------------- /models/timm/efficientnet_l2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_l2.py -------------------------------------------------------------------------------- /models/timm/efficientnet_lite0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_lite0.py -------------------------------------------------------------------------------- /models/timm/efficientnet_lite1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_lite1.py -------------------------------------------------------------------------------- /models/timm/efficientnet_lite2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_lite2.py -------------------------------------------------------------------------------- /models/timm/efficientnet_lite3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_lite3.py -------------------------------------------------------------------------------- /models/timm/efficientnet_lite4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnet_lite4.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_l.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_m.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_rw_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_rw_m.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_rw_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_rw_s.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_rw_t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_rw_t.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_s.py -------------------------------------------------------------------------------- /models/timm/efficientnetv2_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/efficientnetv2_xl.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet19b_dw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet19b_dw.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet19b_slim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet19b_slim.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet19b_slim_dw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet19b_slim_dw.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet39b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet39b.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet39b_evos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet39b_evos.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet57b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet57b.py -------------------------------------------------------------------------------- /models/timm/ese_vovnet99b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ese_vovnet99b.py -------------------------------------------------------------------------------- /models/timm/fbnetc_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/fbnetc_100.py -------------------------------------------------------------------------------- /models/timm/fbnetv3_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/fbnetv3_b.py -------------------------------------------------------------------------------- /models/timm/fbnetv3_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/fbnetv3_d.py -------------------------------------------------------------------------------- /models/timm/fbnetv3_g.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/fbnetv3_g.py -------------------------------------------------------------------------------- /models/timm/gcresnet33ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gcresnet33ts.py -------------------------------------------------------------------------------- /models/timm/gcresnet50t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gcresnet50t.py -------------------------------------------------------------------------------- /models/timm/gcresnext26ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gcresnext26ts.py -------------------------------------------------------------------------------- /models/timm/gcresnext50ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gcresnext50ts.py -------------------------------------------------------------------------------- /models/timm/gernet_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gernet_l.py -------------------------------------------------------------------------------- /models/timm/gernet_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gernet_m.py -------------------------------------------------------------------------------- /models/timm/gernet_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gernet_s.py -------------------------------------------------------------------------------- /models/timm/ghostnet_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ghostnet_050.py -------------------------------------------------------------------------------- /models/timm/ghostnet_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ghostnet_100.py -------------------------------------------------------------------------------- /models/timm/ghostnet_130.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ghostnet_130.py -------------------------------------------------------------------------------- /models/timm/gluon_inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_inception_v3.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet101_v1b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet101_v1b.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet101_v1c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet101_v1c.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet101_v1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet101_v1d.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet101_v1s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet101_v1s.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet152_v1b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet152_v1b.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet152_v1c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet152_v1c.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet152_v1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet152_v1d.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet152_v1s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet152_v1s.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet18_v1b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet18_v1b.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet34_v1b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet34_v1b.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet50_v1b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet50_v1b.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet50_v1c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet50_v1c.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet50_v1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet50_v1d.py -------------------------------------------------------------------------------- /models/timm/gluon_resnet50_v1s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnet50_v1s.py -------------------------------------------------------------------------------- /models/timm/gluon_resnext50_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_resnext50_32x4d.py -------------------------------------------------------------------------------- /models/timm/gluon_senet154.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_senet154.py -------------------------------------------------------------------------------- /models/timm/gluon_xception65.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gluon_xception65.py -------------------------------------------------------------------------------- /models/timm/gmixer_12_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gmixer_12_224.py -------------------------------------------------------------------------------- /models/timm/gmixer_24_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gmixer_24_224.py -------------------------------------------------------------------------------- /models/timm/gmlp_b16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gmlp_b16_224.py -------------------------------------------------------------------------------- /models/timm/gmlp_s16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gmlp_s16_224.py -------------------------------------------------------------------------------- /models/timm/gmlp_ti16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/gmlp_ti16_224.py -------------------------------------------------------------------------------- /models/timm/halo2botnet50ts_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/halo2botnet50ts_256.py -------------------------------------------------------------------------------- /models/timm/halonet26t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/halonet26t.py -------------------------------------------------------------------------------- /models/timm/halonet50ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/halonet50ts.py -------------------------------------------------------------------------------- /models/timm/halonet_h1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/halonet_h1.py -------------------------------------------------------------------------------- /models/timm/haloregnetz_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/haloregnetz_b.py -------------------------------------------------------------------------------- /models/timm/hardcorenas_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hardcorenas_a.py -------------------------------------------------------------------------------- /models/timm/hardcorenas_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hardcorenas_b.py -------------------------------------------------------------------------------- /models/timm/hardcorenas_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hardcorenas_c.py -------------------------------------------------------------------------------- /models/timm/hardcorenas_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hardcorenas_d.py -------------------------------------------------------------------------------- /models/timm/hardcorenas_e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hardcorenas_e.py -------------------------------------------------------------------------------- /models/timm/hardcorenas_f.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hardcorenas_f.py -------------------------------------------------------------------------------- /models/timm/hrnet_w18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w18.py -------------------------------------------------------------------------------- /models/timm/hrnet_w18_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w18_small.py -------------------------------------------------------------------------------- /models/timm/hrnet_w18_small_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w18_small_v2.py -------------------------------------------------------------------------------- /models/timm/hrnet_w30.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w30.py -------------------------------------------------------------------------------- /models/timm/hrnet_w32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w32.py -------------------------------------------------------------------------------- /models/timm/hrnet_w40.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w40.py -------------------------------------------------------------------------------- /models/timm/hrnet_w44.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w44.py -------------------------------------------------------------------------------- /models/timm/hrnet_w48.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w48.py -------------------------------------------------------------------------------- /models/timm/hrnet_w64.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/hrnet_w64.py -------------------------------------------------------------------------------- /models/timm/ig_resnext101_32x16d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ig_resnext101_32x16d.py -------------------------------------------------------------------------------- /models/timm/ig_resnext101_32x32d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ig_resnext101_32x32d.py -------------------------------------------------------------------------------- /models/timm/ig_resnext101_32x48d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ig_resnext101_32x48d.py -------------------------------------------------------------------------------- /models/timm/ig_resnext101_32x8d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ig_resnext101_32x8d.py -------------------------------------------------------------------------------- /models/timm/inception_resnet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/inception_resnet_v2.py -------------------------------------------------------------------------------- /models/timm/inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/inception_v3.py -------------------------------------------------------------------------------- /models/timm/inception_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/inception_v4.py -------------------------------------------------------------------------------- /models/timm/jx_nest_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/jx_nest_base.py -------------------------------------------------------------------------------- /models/timm/jx_nest_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/jx_nest_small.py -------------------------------------------------------------------------------- /models/timm/jx_nest_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/jx_nest_tiny.py -------------------------------------------------------------------------------- /models/timm/lambda_resnet26t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lambda_resnet26t.py -------------------------------------------------------------------------------- /models/timm/lambda_resnet50ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lambda_resnet50ts.py -------------------------------------------------------------------------------- /models/timm/lamhalobotnet50ts_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lamhalobotnet50ts_256.py -------------------------------------------------------------------------------- /models/timm/lcnet_035.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lcnet_035.py -------------------------------------------------------------------------------- /models/timm/lcnet_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lcnet_050.py -------------------------------------------------------------------------------- /models/timm/lcnet_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lcnet_075.py -------------------------------------------------------------------------------- /models/timm/lcnet_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lcnet_100.py -------------------------------------------------------------------------------- /models/timm/lcnet_150.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/lcnet_150.py -------------------------------------------------------------------------------- /models/timm/legacy_senet154.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/legacy_senet154.py -------------------------------------------------------------------------------- /models/timm/legacy_seresnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/legacy_seresnet101.py -------------------------------------------------------------------------------- /models/timm/legacy_seresnet152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/legacy_seresnet152.py -------------------------------------------------------------------------------- /models/timm/legacy_seresnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/legacy_seresnet18.py -------------------------------------------------------------------------------- /models/timm/legacy_seresnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/legacy_seresnet34.py -------------------------------------------------------------------------------- /models/timm/legacy_seresnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/legacy_seresnet50.py -------------------------------------------------------------------------------- /models/timm/levit_128.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/levit_128.py -------------------------------------------------------------------------------- /models/timm/levit_128s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/levit_128s.py -------------------------------------------------------------------------------- /models/timm/levit_192.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/levit_192.py -------------------------------------------------------------------------------- /models/timm/levit_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/levit_256.py -------------------------------------------------------------------------------- /models/timm/levit_256d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/levit_256d.py -------------------------------------------------------------------------------- /models/timm/levit_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/levit_384.py -------------------------------------------------------------------------------- /models/timm/mixer_b16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_b16_224.py -------------------------------------------------------------------------------- /models/timm/mixer_b16_224_in21k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_b16_224_in21k.py -------------------------------------------------------------------------------- /models/timm/mixer_b16_224_miil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_b16_224_miil.py -------------------------------------------------------------------------------- /models/timm/mixer_b32_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_b32_224.py -------------------------------------------------------------------------------- /models/timm/mixer_l16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_l16_224.py -------------------------------------------------------------------------------- /models/timm/mixer_l16_224_in21k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_l16_224_in21k.py -------------------------------------------------------------------------------- /models/timm/mixer_l32_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_l32_224.py -------------------------------------------------------------------------------- /models/timm/mixer_s16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_s16_224.py -------------------------------------------------------------------------------- /models/timm/mixer_s32_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixer_s32_224.py -------------------------------------------------------------------------------- /models/timm/mixnet_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixnet_l.py -------------------------------------------------------------------------------- /models/timm/mixnet_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixnet_m.py -------------------------------------------------------------------------------- /models/timm/mixnet_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixnet_s.py -------------------------------------------------------------------------------- /models/timm/mixnet_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixnet_xl.py -------------------------------------------------------------------------------- /models/timm/mixnet_xxl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mixnet_xxl.py -------------------------------------------------------------------------------- /models/timm/mnasnet_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_050.py -------------------------------------------------------------------------------- /models/timm/mnasnet_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_075.py -------------------------------------------------------------------------------- /models/timm/mnasnet_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_100.py -------------------------------------------------------------------------------- /models/timm/mnasnet_140.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_140.py -------------------------------------------------------------------------------- /models/timm/mnasnet_a1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_a1.py -------------------------------------------------------------------------------- /models/timm/mnasnet_b1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_b1.py -------------------------------------------------------------------------------- /models/timm/mnasnet_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mnasnet_small.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_035.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_035.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_050.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_075.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_100.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_110d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_110d.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_120d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_120d.py -------------------------------------------------------------------------------- /models/timm/mobilenetv2_140.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv2_140.py -------------------------------------------------------------------------------- /models/timm/mobilenetv3_large_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv3_large_075.py -------------------------------------------------------------------------------- /models/timm/mobilenetv3_large_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv3_large_100.py -------------------------------------------------------------------------------- /models/timm/mobilenetv3_rw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv3_rw.py -------------------------------------------------------------------------------- /models/timm/mobilenetv3_small_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv3_small_050.py -------------------------------------------------------------------------------- /models/timm/mobilenetv3_small_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv3_small_075.py -------------------------------------------------------------------------------- /models/timm/mobilenetv3_small_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilenetv3_small_100.py -------------------------------------------------------------------------------- /models/timm/mobilevit_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevit_s.py -------------------------------------------------------------------------------- /models/timm/mobilevit_xs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevit_xs.py -------------------------------------------------------------------------------- /models/timm/mobilevit_xxs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevit_xxs.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_050.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_075.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_100.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_125.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_125.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_150.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_150.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_175.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_175.py -------------------------------------------------------------------------------- /models/timm/mobilevitv2_200.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/mobilevitv2_200.py -------------------------------------------------------------------------------- /models/timm/nasnetalarge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nasnetalarge.py -------------------------------------------------------------------------------- /models/timm/nest_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nest_base.py -------------------------------------------------------------------------------- /models/timm/nest_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nest_small.py -------------------------------------------------------------------------------- /models/timm/nest_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nest_tiny.py -------------------------------------------------------------------------------- /models/timm/nf_ecaresnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_ecaresnet101.py -------------------------------------------------------------------------------- /models/timm/nf_ecaresnet26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_ecaresnet26.py -------------------------------------------------------------------------------- /models/timm/nf_ecaresnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_ecaresnet50.py -------------------------------------------------------------------------------- /models/timm/nf_regnet_b0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_regnet_b0.py -------------------------------------------------------------------------------- /models/timm/nf_regnet_b1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_regnet_b1.py -------------------------------------------------------------------------------- /models/timm/nf_regnet_b2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_regnet_b2.py -------------------------------------------------------------------------------- /models/timm/nf_regnet_b3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_regnet_b3.py -------------------------------------------------------------------------------- /models/timm/nf_regnet_b4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_regnet_b4.py -------------------------------------------------------------------------------- /models/timm/nf_regnet_b5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_regnet_b5.py -------------------------------------------------------------------------------- /models/timm/nf_resnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_resnet101.py -------------------------------------------------------------------------------- /models/timm/nf_resnet26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_resnet26.py -------------------------------------------------------------------------------- /models/timm/nf_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_resnet50.py -------------------------------------------------------------------------------- /models/timm/nf_seresnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_seresnet101.py -------------------------------------------------------------------------------- /models/timm/nf_seresnet26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_seresnet26.py -------------------------------------------------------------------------------- /models/timm/nf_seresnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nf_seresnet50.py -------------------------------------------------------------------------------- /models/timm/nfnet_f0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f0.py -------------------------------------------------------------------------------- /models/timm/nfnet_f1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f1.py -------------------------------------------------------------------------------- /models/timm/nfnet_f2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f2.py -------------------------------------------------------------------------------- /models/timm/nfnet_f3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f3.py -------------------------------------------------------------------------------- /models/timm/nfnet_f4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f4.py -------------------------------------------------------------------------------- /models/timm/nfnet_f5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f5.py -------------------------------------------------------------------------------- /models/timm/nfnet_f6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f6.py -------------------------------------------------------------------------------- /models/timm/nfnet_f7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_f7.py -------------------------------------------------------------------------------- /models/timm/nfnet_l0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/nfnet_l0.py -------------------------------------------------------------------------------- /models/timm/pit_b_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_b_224.py -------------------------------------------------------------------------------- /models/timm/pit_b_distilled_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_b_distilled_224.py -------------------------------------------------------------------------------- /models/timm/pit_s_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_s_224.py -------------------------------------------------------------------------------- /models/timm/pit_s_distilled_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_s_distilled_224.py -------------------------------------------------------------------------------- /models/timm/pit_ti_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_ti_224.py -------------------------------------------------------------------------------- /models/timm/pit_ti_distilled_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_ti_distilled_224.py -------------------------------------------------------------------------------- /models/timm/pit_xs_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_xs_224.py -------------------------------------------------------------------------------- /models/timm/pit_xs_distilled_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pit_xs_distilled_224.py -------------------------------------------------------------------------------- /models/timm/pnasnet5large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/pnasnet5large.py -------------------------------------------------------------------------------- /models/timm/poolformer_m36.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/poolformer_m36.py -------------------------------------------------------------------------------- /models/timm/poolformer_m48.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/poolformer_m48.py -------------------------------------------------------------------------------- /models/timm/poolformer_s12.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/poolformer_s12.py -------------------------------------------------------------------------------- /models/timm/poolformer_s24.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/poolformer_s24.py -------------------------------------------------------------------------------- /models/timm/poolformer_s36.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/poolformer_s36.py -------------------------------------------------------------------------------- /models/timm/regnetv_040.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetv_040.py -------------------------------------------------------------------------------- /models/timm/regnetv_064.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetv_064.py -------------------------------------------------------------------------------- /models/timm/regnetx_002.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_002.py -------------------------------------------------------------------------------- /models/timm/regnetx_004.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_004.py -------------------------------------------------------------------------------- /models/timm/regnetx_006.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_006.py -------------------------------------------------------------------------------- /models/timm/regnetx_008.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_008.py -------------------------------------------------------------------------------- /models/timm/regnetx_016.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_016.py -------------------------------------------------------------------------------- /models/timm/regnetx_032.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_032.py -------------------------------------------------------------------------------- /models/timm/regnetx_040.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_040.py -------------------------------------------------------------------------------- /models/timm/regnetx_064.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_064.py -------------------------------------------------------------------------------- /models/timm/regnetx_080.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_080.py -------------------------------------------------------------------------------- /models/timm/regnetx_120.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_120.py -------------------------------------------------------------------------------- /models/timm/regnetx_160.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_160.py -------------------------------------------------------------------------------- /models/timm/regnetx_320.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetx_320.py -------------------------------------------------------------------------------- /models/timm/regnety_002.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_002.py -------------------------------------------------------------------------------- /models/timm/regnety_004.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_004.py -------------------------------------------------------------------------------- /models/timm/regnety_006.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_006.py -------------------------------------------------------------------------------- /models/timm/regnety_008.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_008.py -------------------------------------------------------------------------------- /models/timm/regnety_016.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_016.py -------------------------------------------------------------------------------- /models/timm/regnety_032.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_032.py -------------------------------------------------------------------------------- /models/timm/regnety_040.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_040.py -------------------------------------------------------------------------------- /models/timm/regnety_040s_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_040s_gn.py -------------------------------------------------------------------------------- /models/timm/regnety_064.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_064.py -------------------------------------------------------------------------------- /models/timm/regnety_080.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_080.py -------------------------------------------------------------------------------- /models/timm/regnety_120.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_120.py -------------------------------------------------------------------------------- /models/timm/regnety_160.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_160.py -------------------------------------------------------------------------------- /models/timm/regnety_320.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnety_320.py -------------------------------------------------------------------------------- /models/timm/regnetz_005.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_005.py -------------------------------------------------------------------------------- /models/timm/regnetz_040.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_040.py -------------------------------------------------------------------------------- /models/timm/regnetz_040h.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_040h.py -------------------------------------------------------------------------------- /models/timm/regnetz_b16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_b16.py -------------------------------------------------------------------------------- /models/timm/regnetz_b16_evos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_b16_evos.py -------------------------------------------------------------------------------- /models/timm/regnetz_c16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_c16.py -------------------------------------------------------------------------------- /models/timm/regnetz_c16_evos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_c16_evos.py -------------------------------------------------------------------------------- /models/timm/regnetz_d32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_d32.py -------------------------------------------------------------------------------- /models/timm/regnetz_d8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_d8.py -------------------------------------------------------------------------------- /models/timm/regnetz_d8_evos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_d8_evos.py -------------------------------------------------------------------------------- /models/timm/regnetz_e8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/regnetz_e8.py -------------------------------------------------------------------------------- /models/timm/repvgg_a2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_a2.py -------------------------------------------------------------------------------- /models/timm/repvgg_b0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b0.py -------------------------------------------------------------------------------- /models/timm/repvgg_b1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b1.py -------------------------------------------------------------------------------- /models/timm/repvgg_b1g4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b1g4.py -------------------------------------------------------------------------------- /models/timm/repvgg_b2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b2.py -------------------------------------------------------------------------------- /models/timm/repvgg_b2g4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b2g4.py -------------------------------------------------------------------------------- /models/timm/repvgg_b3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b3.py -------------------------------------------------------------------------------- /models/timm/repvgg_b3g4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/repvgg_b3g4.py -------------------------------------------------------------------------------- /models/timm/res2net101_26w_4s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2net101_26w_4s.py -------------------------------------------------------------------------------- /models/timm/res2net50_14w_8s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2net50_14w_8s.py -------------------------------------------------------------------------------- /models/timm/res2net50_26w_4s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2net50_26w_4s.py -------------------------------------------------------------------------------- /models/timm/res2net50_26w_6s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2net50_26w_6s.py -------------------------------------------------------------------------------- /models/timm/res2net50_26w_8s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2net50_26w_8s.py -------------------------------------------------------------------------------- /models/timm/res2net50_48w_2s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2net50_48w_2s.py -------------------------------------------------------------------------------- /models/timm/res2next50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/res2next50.py -------------------------------------------------------------------------------- /models/timm/resmlp_12_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resmlp_12_224.py -------------------------------------------------------------------------------- /models/timm/resmlp_12_224_dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resmlp_12_224_dino.py -------------------------------------------------------------------------------- /models/timm/resmlp_24_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resmlp_24_224.py -------------------------------------------------------------------------------- /models/timm/resmlp_24_224_dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resmlp_24_224_dino.py -------------------------------------------------------------------------------- /models/timm/resmlp_36_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resmlp_36_224.py -------------------------------------------------------------------------------- /models/timm/resmlp_big_24_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resmlp_big_24_224.py -------------------------------------------------------------------------------- /models/timm/resnest101e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest101e.py -------------------------------------------------------------------------------- /models/timm/resnest14d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest14d.py -------------------------------------------------------------------------------- /models/timm/resnest200e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest200e.py -------------------------------------------------------------------------------- /models/timm/resnest269e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest269e.py -------------------------------------------------------------------------------- /models/timm/resnest26d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest26d.py -------------------------------------------------------------------------------- /models/timm/resnest50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest50d.py -------------------------------------------------------------------------------- /models/timm/resnest50d_1s4x24d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest50d_1s4x24d.py -------------------------------------------------------------------------------- /models/timm/resnest50d_4s2x40d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnest50d_4s2x40d.py -------------------------------------------------------------------------------- /models/timm/resnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet101.py -------------------------------------------------------------------------------- /models/timm/resnet101d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet101d.py -------------------------------------------------------------------------------- /models/timm/resnet10t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet10t.py -------------------------------------------------------------------------------- /models/timm/resnet14t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet14t.py -------------------------------------------------------------------------------- /models/timm/resnet152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet152.py -------------------------------------------------------------------------------- /models/timm/resnet152d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet152d.py -------------------------------------------------------------------------------- /models/timm/resnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet18.py -------------------------------------------------------------------------------- /models/timm/resnet18d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet18d.py -------------------------------------------------------------------------------- /models/timm/resnet200.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet200.py -------------------------------------------------------------------------------- /models/timm/resnet200d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet200d.py -------------------------------------------------------------------------------- /models/timm/resnet26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet26.py -------------------------------------------------------------------------------- /models/timm/resnet26d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet26d.py -------------------------------------------------------------------------------- /models/timm/resnet26t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet26t.py -------------------------------------------------------------------------------- /models/timm/resnet32ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet32ts.py -------------------------------------------------------------------------------- /models/timm/resnet33ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet33ts.py -------------------------------------------------------------------------------- /models/timm/resnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet34.py -------------------------------------------------------------------------------- /models/timm/resnet34d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet34d.py -------------------------------------------------------------------------------- /models/timm/resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet50.py -------------------------------------------------------------------------------- /models/timm/resnet50_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet50_gn.py -------------------------------------------------------------------------------- /models/timm/resnet50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet50d.py -------------------------------------------------------------------------------- /models/timm/resnet50t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet50t.py -------------------------------------------------------------------------------- /models/timm/resnet51q.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet51q.py -------------------------------------------------------------------------------- /models/timm/resnet61q.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnet61q.py -------------------------------------------------------------------------------- /models/timm/resnetaa101d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetaa101d.py -------------------------------------------------------------------------------- /models/timm/resnetaa50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetaa50.py -------------------------------------------------------------------------------- /models/timm/resnetaa50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetaa50d.py -------------------------------------------------------------------------------- /models/timm/resnetblur101d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetblur101d.py -------------------------------------------------------------------------------- /models/timm/resnetblur18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetblur18.py -------------------------------------------------------------------------------- /models/timm/resnetblur50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetblur50.py -------------------------------------------------------------------------------- /models/timm/resnetblur50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetblur50d.py -------------------------------------------------------------------------------- /models/timm/resnetrs101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs101.py -------------------------------------------------------------------------------- /models/timm/resnetrs152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs152.py -------------------------------------------------------------------------------- /models/timm/resnetrs200.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs200.py -------------------------------------------------------------------------------- /models/timm/resnetrs270.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs270.py -------------------------------------------------------------------------------- /models/timm/resnetrs350.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs350.py -------------------------------------------------------------------------------- /models/timm/resnetrs420.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs420.py -------------------------------------------------------------------------------- /models/timm/resnetrs50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetrs50.py -------------------------------------------------------------------------------- /models/timm/resnetv2_101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_101.py -------------------------------------------------------------------------------- /models/timm/resnetv2_101d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_101d.py -------------------------------------------------------------------------------- /models/timm/resnetv2_101x1_bitm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_101x1_bitm.py -------------------------------------------------------------------------------- /models/timm/resnetv2_101x3_bitm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_101x3_bitm.py -------------------------------------------------------------------------------- /models/timm/resnetv2_152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_152.py -------------------------------------------------------------------------------- /models/timm/resnetv2_152d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_152d.py -------------------------------------------------------------------------------- /models/timm/resnetv2_152x2_bitm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_152x2_bitm.py -------------------------------------------------------------------------------- /models/timm/resnetv2_152x4_bitm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_152x4_bitm.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50d.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50d_evob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50d_evob.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50d_evos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50d_evos.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50d_frn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50d_frn.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50d_gn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50d_gn.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50t.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50x1_bitm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50x1_bitm.py -------------------------------------------------------------------------------- /models/timm/resnetv2_50x3_bitm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnetv2_50x3_bitm.py -------------------------------------------------------------------------------- /models/timm/resnext101_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnext101_32x4d.py -------------------------------------------------------------------------------- /models/timm/resnext101_32x8d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnext101_32x8d.py -------------------------------------------------------------------------------- /models/timm/resnext101_64x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnext101_64x4d.py -------------------------------------------------------------------------------- /models/timm/resnext26ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnext26ts.py -------------------------------------------------------------------------------- /models/timm/resnext50_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnext50_32x4d.py -------------------------------------------------------------------------------- /models/timm/resnext50d_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/resnext50d_32x4d.py -------------------------------------------------------------------------------- /models/timm/rexnet_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnet_100.py -------------------------------------------------------------------------------- /models/timm/rexnet_130.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnet_130.py -------------------------------------------------------------------------------- /models/timm/rexnet_150.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnet_150.py -------------------------------------------------------------------------------- /models/timm/rexnet_200.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnet_200.py -------------------------------------------------------------------------------- /models/timm/rexnetr_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnetr_100.py -------------------------------------------------------------------------------- /models/timm/rexnetr_130.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnetr_130.py -------------------------------------------------------------------------------- /models/timm/rexnetr_150.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnetr_150.py -------------------------------------------------------------------------------- /models/timm/rexnetr_200.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/rexnetr_200.py -------------------------------------------------------------------------------- /models/timm/sebotnet33ts_256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/sebotnet33ts_256.py -------------------------------------------------------------------------------- /models/timm/sedarknet21.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/sedarknet21.py -------------------------------------------------------------------------------- /models/timm/sehalonet33ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/sehalonet33ts.py -------------------------------------------------------------------------------- /models/timm/selecsls42.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/selecsls42.py -------------------------------------------------------------------------------- /models/timm/selecsls42b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/selecsls42b.py -------------------------------------------------------------------------------- /models/timm/selecsls60.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/selecsls60.py -------------------------------------------------------------------------------- /models/timm/selecsls60b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/selecsls60b.py -------------------------------------------------------------------------------- /models/timm/selecsls84.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/selecsls84.py -------------------------------------------------------------------------------- /models/timm/semnasnet_050.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/semnasnet_050.py -------------------------------------------------------------------------------- /models/timm/semnasnet_075.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/semnasnet_075.py -------------------------------------------------------------------------------- /models/timm/semnasnet_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/semnasnet_100.py -------------------------------------------------------------------------------- /models/timm/semnasnet_140.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/semnasnet_140.py -------------------------------------------------------------------------------- /models/timm/semobilevit_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/semobilevit_s.py -------------------------------------------------------------------------------- /models/timm/senet154.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/senet154.py -------------------------------------------------------------------------------- /models/timm/sequencer2d_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/sequencer2d_l.py -------------------------------------------------------------------------------- /models/timm/sequencer2d_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/sequencer2d_m.py -------------------------------------------------------------------------------- /models/timm/sequencer2d_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/sequencer2d_s.py -------------------------------------------------------------------------------- /models/timm/seresnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet101.py -------------------------------------------------------------------------------- /models/timm/seresnet152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet152.py -------------------------------------------------------------------------------- /models/timm/seresnet152d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet152d.py -------------------------------------------------------------------------------- /models/timm/seresnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet18.py -------------------------------------------------------------------------------- /models/timm/seresnet200d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet200d.py -------------------------------------------------------------------------------- /models/timm/seresnet269d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet269d.py -------------------------------------------------------------------------------- /models/timm/seresnet33ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet33ts.py -------------------------------------------------------------------------------- /models/timm/seresnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet34.py -------------------------------------------------------------------------------- /models/timm/seresnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet50.py -------------------------------------------------------------------------------- /models/timm/seresnet50t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnet50t.py -------------------------------------------------------------------------------- /models/timm/seresnetaa50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnetaa50d.py -------------------------------------------------------------------------------- /models/timm/seresnext101_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext101_32x4d.py -------------------------------------------------------------------------------- /models/timm/seresnext101_32x8d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext101_32x8d.py -------------------------------------------------------------------------------- /models/timm/seresnext101d_32x8d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext101d_32x8d.py -------------------------------------------------------------------------------- /models/timm/seresnext26d_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext26d_32x4d.py -------------------------------------------------------------------------------- /models/timm/seresnext26t_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext26t_32x4d.py -------------------------------------------------------------------------------- /models/timm/seresnext26tn_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext26tn_32x4d.py -------------------------------------------------------------------------------- /models/timm/seresnext26ts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext26ts.py -------------------------------------------------------------------------------- /models/timm/seresnext50_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnext50_32x4d.py -------------------------------------------------------------------------------- /models/timm/seresnextaa101d_32x8d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/seresnextaa101d_32x8d.py -------------------------------------------------------------------------------- /models/timm/skip/tresnet_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skip/tresnet_l.py -------------------------------------------------------------------------------- /models/timm/skip/tresnet_l_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skip/tresnet_l_448.py -------------------------------------------------------------------------------- /models/timm/skip/tresnet_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skip/tresnet_m.py -------------------------------------------------------------------------------- /models/timm/skip/tresnet_m_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skip/tresnet_m_448.py -------------------------------------------------------------------------------- /models/timm/skip/tresnet_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skip/tresnet_xl.py -------------------------------------------------------------------------------- /models/timm/skip/tresnet_xl_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skip/tresnet_xl_448.py -------------------------------------------------------------------------------- /models/timm/skresnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skresnet18.py -------------------------------------------------------------------------------- /models/timm/skresnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skresnet34.py -------------------------------------------------------------------------------- /models/timm/skresnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skresnet50.py -------------------------------------------------------------------------------- /models/timm/skresnet50d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skresnet50d.py -------------------------------------------------------------------------------- /models/timm/skresnext50_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/skresnext50_32x4d.py -------------------------------------------------------------------------------- /models/timm/spnasnet_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/spnasnet_100.py -------------------------------------------------------------------------------- /models/timm/ssl_resnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ssl_resnet18.py -------------------------------------------------------------------------------- /models/timm/ssl_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ssl_resnet50.py -------------------------------------------------------------------------------- /models/timm/ssl_resnext101_32x16d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ssl_resnext101_32x16d.py -------------------------------------------------------------------------------- /models/timm/ssl_resnext101_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ssl_resnext101_32x4d.py -------------------------------------------------------------------------------- /models/timm/ssl_resnext50_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/ssl_resnext50_32x4d.py -------------------------------------------------------------------------------- /models/timm/swin_s3_base_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swin_s3_base_224.py -------------------------------------------------------------------------------- /models/timm/swin_s3_small_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swin_s3_small_224.py -------------------------------------------------------------------------------- /models/timm/swin_s3_tiny_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swin_s3_tiny_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_base_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_base_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_base_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_base_384.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_giant_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_giant_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_giant_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_giant_384.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_huge_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_huge_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_huge_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_huge_384.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_large_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_large_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_large_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_large_384.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_small_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_small_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_small_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_small_384.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_tiny_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_tiny_224.py -------------------------------------------------------------------------------- /models/timm/swinv2_cr_tiny_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swinv2_cr_tiny_384.py -------------------------------------------------------------------------------- /models/timm/swsl_resnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swsl_resnet18.py -------------------------------------------------------------------------------- /models/timm/swsl_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/swsl_resnet50.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b0.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b1.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b2.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b3.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b4.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b5.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b6.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b7.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_b8.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_b8.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_el.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_el.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_em.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnet_es.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnet_es.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnetv2_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnetv2_l.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnetv2_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnetv2_m.py -------------------------------------------------------------------------------- /models/timm/tf_efficientnetv2_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_efficientnetv2_s.py -------------------------------------------------------------------------------- /models/timm/tf_inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_inception_v3.py -------------------------------------------------------------------------------- /models/timm/tf_mixnet_l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_mixnet_l.py -------------------------------------------------------------------------------- /models/timm/tf_mixnet_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_mixnet_m.py -------------------------------------------------------------------------------- /models/timm/tf_mixnet_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tf_mixnet_s.py -------------------------------------------------------------------------------- /models/timm/tinynet_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tinynet_a.py -------------------------------------------------------------------------------- /models/timm/tinynet_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tinynet_b.py -------------------------------------------------------------------------------- /models/timm/tinynet_c.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tinynet_c.py -------------------------------------------------------------------------------- /models/timm/tinynet_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tinynet_d.py -------------------------------------------------------------------------------- /models/timm/tinynet_e.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tinynet_e.py -------------------------------------------------------------------------------- /models/timm/tnt_b_patch16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tnt_b_patch16_224.py -------------------------------------------------------------------------------- /models/timm/tnt_s_patch16_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tnt_s_patch16_224.py -------------------------------------------------------------------------------- /models/timm/tv_densenet121.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tv_densenet121.py -------------------------------------------------------------------------------- /models/timm/tv_resnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tv_resnet101.py -------------------------------------------------------------------------------- /models/timm/tv_resnet152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tv_resnet152.py -------------------------------------------------------------------------------- /models/timm/tv_resnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tv_resnet34.py -------------------------------------------------------------------------------- /models/timm/tv_resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tv_resnet50.py -------------------------------------------------------------------------------- /models/timm/tv_resnext50_32x4d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/tv_resnext50_32x4d.py -------------------------------------------------------------------------------- /models/timm/twins_pcpvt_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/twins_pcpvt_base.py -------------------------------------------------------------------------------- /models/timm/twins_pcpvt_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/twins_pcpvt_large.py -------------------------------------------------------------------------------- /models/timm/twins_pcpvt_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/twins_pcpvt_small.py -------------------------------------------------------------------------------- /models/timm/twins_svt_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/twins_svt_base.py -------------------------------------------------------------------------------- /models/timm/twins_svt_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/twins_svt_large.py -------------------------------------------------------------------------------- /models/timm/twins_svt_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/twins_svt_small.py -------------------------------------------------------------------------------- /models/timm/vgg11.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg11.py -------------------------------------------------------------------------------- /models/timm/vgg11_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg11_bn.py -------------------------------------------------------------------------------- /models/timm/vgg13.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg13.py -------------------------------------------------------------------------------- /models/timm/vgg13_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg13_bn.py -------------------------------------------------------------------------------- /models/timm/vgg16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg16.py -------------------------------------------------------------------------------- /models/timm/vgg16_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg16_bn.py -------------------------------------------------------------------------------- /models/timm/vgg19.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg19.py -------------------------------------------------------------------------------- /models/timm/vgg19_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vgg19_bn.py -------------------------------------------------------------------------------- /models/timm/visformer_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/visformer_small.py -------------------------------------------------------------------------------- /models/timm/visformer_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/visformer_tiny.py -------------------------------------------------------------------------------- /models/timm/vit_base_patch8_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vit_base_patch8_224.py -------------------------------------------------------------------------------- /models/timm/volo_d1_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d1_224.py -------------------------------------------------------------------------------- /models/timm/volo_d1_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d1_384.py -------------------------------------------------------------------------------- /models/timm/volo_d2_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d2_224.py -------------------------------------------------------------------------------- /models/timm/volo_d2_384.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d2_384.py -------------------------------------------------------------------------------- /models/timm/volo_d3_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d3_224.py -------------------------------------------------------------------------------- /models/timm/volo_d3_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d3_448.py -------------------------------------------------------------------------------- /models/timm/volo_d4_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d4_224.py -------------------------------------------------------------------------------- /models/timm/volo_d4_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d4_448.py -------------------------------------------------------------------------------- /models/timm/volo_d5_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d5_224.py -------------------------------------------------------------------------------- /models/timm/volo_d5_448.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d5_448.py -------------------------------------------------------------------------------- /models/timm/volo_d5_512.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/volo_d5_512.py -------------------------------------------------------------------------------- /models/timm/vovnet39a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vovnet39a.py -------------------------------------------------------------------------------- /models/timm/vovnet57a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/vovnet57a.py -------------------------------------------------------------------------------- /models/timm/wide_resnet101_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/wide_resnet101_2.py -------------------------------------------------------------------------------- /models/timm/wide_resnet50_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/wide_resnet50_2.py -------------------------------------------------------------------------------- /models/timm/xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xception.py -------------------------------------------------------------------------------- /models/timm/xception41.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xception41.py -------------------------------------------------------------------------------- /models/timm/xception41p.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xception41p.py -------------------------------------------------------------------------------- /models/timm/xception65.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xception65.py -------------------------------------------------------------------------------- /models/timm/xception65p.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xception65p.py -------------------------------------------------------------------------------- /models/timm/xception71.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xception71.py -------------------------------------------------------------------------------- /models/timm/xcit_nano_12_p8_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xcit_nano_12_p8_224.py -------------------------------------------------------------------------------- /models/timm/xcit_tiny_12_p8_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xcit_tiny_12_p8_224.py -------------------------------------------------------------------------------- /models/timm/xcit_tiny_24_p8_224.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/timm/xcit_tiny_24_p8_224.py -------------------------------------------------------------------------------- /models/torch_hub/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/torch_hub/alexnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/alexnet.py -------------------------------------------------------------------------------- /models/torch_hub/convnext_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/convnext_base.py -------------------------------------------------------------------------------- /models/torch_hub/convnext_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/convnext_large.py -------------------------------------------------------------------------------- /models/torch_hub/convnext_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/convnext_small.py -------------------------------------------------------------------------------- /models/torch_hub/convnext_tiny.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/convnext_tiny.py -------------------------------------------------------------------------------- /models/torch_hub/dcgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/dcgan.py -------------------------------------------------------------------------------- /models/torch_hub/densenet121.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/densenet121.py -------------------------------------------------------------------------------- /models/torch_hub/densenet161.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/densenet161.py -------------------------------------------------------------------------------- /models/torch_hub/densenet169.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/densenet169.py -------------------------------------------------------------------------------- /models/torch_hub/densenet201.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/densenet201.py -------------------------------------------------------------------------------- /models/torch_hub/ghostnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/ghostnet.py -------------------------------------------------------------------------------- /models/torch_hub/ghostnet_1x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/ghostnet_1x.py -------------------------------------------------------------------------------- /models/torch_hub/googlenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/googlenet.py -------------------------------------------------------------------------------- /models/torch_hub/hardnet39ds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/hardnet39ds.py -------------------------------------------------------------------------------- /models/torch_hub/hardnet68.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/hardnet68.py -------------------------------------------------------------------------------- /models/torch_hub/hardnet68ds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/hardnet68ds.py -------------------------------------------------------------------------------- /models/torch_hub/hardnet85.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/hardnet85.py -------------------------------------------------------------------------------- /models/torch_hub/inception_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/inception_v3.py -------------------------------------------------------------------------------- /models/torch_hub/midas_v3_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/midas_v3_large.py -------------------------------------------------------------------------------- /models/torch_hub/mnasnet0_5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/mnasnet0_5.py -------------------------------------------------------------------------------- /models/torch_hub/mnasnet0_75.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/mnasnet0_75.py -------------------------------------------------------------------------------- /models/torch_hub/mnasnet1_0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/mnasnet1_0.py -------------------------------------------------------------------------------- /models/torch_hub/mnasnet1_3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/mnasnet1_3.py -------------------------------------------------------------------------------- /models/torch_hub/mobilenet_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/mobilenet_v2.py -------------------------------------------------------------------------------- /models/torch_hub/proxyless_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/proxyless_cpu.py -------------------------------------------------------------------------------- /models/torch_hub/proxyless_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/proxyless_gpu.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_16gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_16gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_1_6gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_1_6gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_32gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_32gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_3_2gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_3_2gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_400mf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_400mf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_800mf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_800mf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_x_8gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_x_8gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_128gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_128gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_16gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_16gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_1_6gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_1_6gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_32gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_32gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_3_2gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_3_2gf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_400mf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_400mf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_800mf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_800mf.py -------------------------------------------------------------------------------- /models/torch_hub/regnet_y_8gf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/regnet_y_8gf.py -------------------------------------------------------------------------------- /models/torch_hub/resnest101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnest101.py -------------------------------------------------------------------------------- /models/torch_hub/resnest200.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnest200.py -------------------------------------------------------------------------------- /models/torch_hub/resnest269.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnest269.py -------------------------------------------------------------------------------- /models/torch_hub/resnest50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnest50.py -------------------------------------------------------------------------------- /models/torch_hub/resnet101.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet101.py -------------------------------------------------------------------------------- /models/torch_hub/resnet152.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet152.py -------------------------------------------------------------------------------- /models/torch_hub/resnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet18.py -------------------------------------------------------------------------------- /models/torch_hub/resnet18_ibn_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet18_ibn_a.py -------------------------------------------------------------------------------- /models/torch_hub/resnet18_ibn_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet18_ibn_b.py -------------------------------------------------------------------------------- /models/torch_hub/resnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet34.py -------------------------------------------------------------------------------- /models/torch_hub/resnet34_ibn_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet34_ibn_a.py -------------------------------------------------------------------------------- /models/torch_hub/resnet34_ibn_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet34_ibn_b.py -------------------------------------------------------------------------------- /models/torch_hub/resnet50.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet50.py -------------------------------------------------------------------------------- /models/torch_hub/resnet50_ibn_a.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet50_ibn_a.py -------------------------------------------------------------------------------- /models/torch_hub/resnet50_ibn_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/resnet50_ibn_b.py -------------------------------------------------------------------------------- /models/torch_hub/squeezenet1_0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/squeezenet1_0.py -------------------------------------------------------------------------------- /models/torch_hub/squeezenet1_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/squeezenet1_1.py -------------------------------------------------------------------------------- /models/torch_hub/swin_b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/swin_b.py -------------------------------------------------------------------------------- /models/torch_hub/swin_s.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/swin_s.py -------------------------------------------------------------------------------- /models/torch_hub/swin_t.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/swin_t.py -------------------------------------------------------------------------------- /models/torch_hub/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/unet.py -------------------------------------------------------------------------------- /models/torch_hub/vgg11.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg11.py -------------------------------------------------------------------------------- /models/torch_hub/vgg11_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg11_bn.py -------------------------------------------------------------------------------- /models/torch_hub/vgg13.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg13.py -------------------------------------------------------------------------------- /models/torch_hub/vgg13_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg13_bn.py -------------------------------------------------------------------------------- /models/torch_hub/vgg16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg16.py -------------------------------------------------------------------------------- /models/torch_hub/vgg16_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg16_bn.py -------------------------------------------------------------------------------- /models/torch_hub/vgg19.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg19.py -------------------------------------------------------------------------------- /models/torch_hub/vgg19_bn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vgg19_bn.py -------------------------------------------------------------------------------- /models/torch_hub/vit_b_16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vit_b_16.py -------------------------------------------------------------------------------- /models/torch_hub/vit_b_32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vit_b_32.py -------------------------------------------------------------------------------- /models/torch_hub/vit_h_14.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vit_h_14.py -------------------------------------------------------------------------------- /models/torch_hub/vit_l_16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vit_l_16.py -------------------------------------------------------------------------------- /models/torch_hub/vit_l_32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torch_hub/vit_l_32.py -------------------------------------------------------------------------------- /models/torchvision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/torchvision/ssd300_vgg16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/torchvision/ssd300_vgg16.py -------------------------------------------------------------------------------- /models/transformers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/transformers/bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/bart.py -------------------------------------------------------------------------------- /models/transformers/beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/beit.py -------------------------------------------------------------------------------- /models/transformers/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/bert.py -------------------------------------------------------------------------------- /models/transformers/biggan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/biggan.py -------------------------------------------------------------------------------- /models/transformers/camembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/camembert.py -------------------------------------------------------------------------------- /models/transformers/convbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/convbert.py -------------------------------------------------------------------------------- /models/transformers/convnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/convnext.py -------------------------------------------------------------------------------- /models/transformers/deberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/deberta.py -------------------------------------------------------------------------------- /models/transformers/deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/deit.py -------------------------------------------------------------------------------- /models/transformers/detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/detr.py -------------------------------------------------------------------------------- /models/transformers/distilbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/distilbert.py -------------------------------------------------------------------------------- /models/transformers/electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/electra.py -------------------------------------------------------------------------------- /models/transformers/flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/flaubert.py -------------------------------------------------------------------------------- /models/transformers/funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/funnel.py -------------------------------------------------------------------------------- /models/transformers/funnel_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/funnel_base.py -------------------------------------------------------------------------------- /models/transformers/gpt1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/gpt1.py -------------------------------------------------------------------------------- /models/transformers/gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/gpt2.py -------------------------------------------------------------------------------- /models/transformers/hubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/hubert.py -------------------------------------------------------------------------------- /models/transformers/ibert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/ibert.py -------------------------------------------------------------------------------- /models/transformers/imagegpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/imagegpt.py -------------------------------------------------------------------------------- /models/transformers/layoutlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/layoutlm.py -------------------------------------------------------------------------------- /models/transformers/luke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/luke.py -------------------------------------------------------------------------------- /models/transformers/m2m_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/m2m_100.py -------------------------------------------------------------------------------- /models/transformers/marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/marian.py -------------------------------------------------------------------------------- /models/transformers/marianmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/marianmt.py -------------------------------------------------------------------------------- /models/transformers/minilmv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/minilmv2.py -------------------------------------------------------------------------------- /models/transformers/mobilebert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/mobilebert.py -------------------------------------------------------------------------------- /models/transformers/mobilevit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/mobilevit.py -------------------------------------------------------------------------------- /models/transformers/mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/mpnet.py -------------------------------------------------------------------------------- /models/transformers/mt5_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/mt5_base.py -------------------------------------------------------------------------------- /models/transformers/mt5_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/mt5_encoder.py -------------------------------------------------------------------------------- /models/transformers/mt5_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/mt5_small.py -------------------------------------------------------------------------------- /models/transformers/pegasus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/pegasus.py -------------------------------------------------------------------------------- /models/transformers/perceiver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/perceiver.py -------------------------------------------------------------------------------- /models/transformers/poolformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/poolformer.py -------------------------------------------------------------------------------- /models/transformers/rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/rag.py -------------------------------------------------------------------------------- /models/transformers/realm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/realm.py -------------------------------------------------------------------------------- /models/transformers/rembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/rembert.py -------------------------------------------------------------------------------- /models/transformers/retribert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/retribert.py -------------------------------------------------------------------------------- /models/transformers/roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/roberta.py -------------------------------------------------------------------------------- /models/transformers/roformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/roformer.py -------------------------------------------------------------------------------- /models/transformers/segformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/segformer.py -------------------------------------------------------------------------------- /models/transformers/sew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/sew.py -------------------------------------------------------------------------------- /models/transformers/sew_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/sew_d.py -------------------------------------------------------------------------------- /models/transformers/skip/albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/albert.py -------------------------------------------------------------------------------- /models/transformers/skip/auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/auto.py -------------------------------------------------------------------------------- /models/transformers/skip/bort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/bort.py -------------------------------------------------------------------------------- /models/transformers/skip/byt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/byt5.py -------------------------------------------------------------------------------- /models/transformers/skip/canine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/canine.py -------------------------------------------------------------------------------- /models/transformers/skip/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/clip.py -------------------------------------------------------------------------------- /models/transformers/skip/cpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/cpm.py -------------------------------------------------------------------------------- /models/transformers/skip/ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/ctrl.py -------------------------------------------------------------------------------- /models/transformers/skip/dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/dpr.py -------------------------------------------------------------------------------- /models/transformers/skip/fnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/fnet.py -------------------------------------------------------------------------------- /models/transformers/skip/fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/fsmt.py -------------------------------------------------------------------------------- /models/transformers/skip/led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/led.py -------------------------------------------------------------------------------- /models/transformers/skip/lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/lxmert.py -------------------------------------------------------------------------------- /models/transformers/skip/mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/mbart.py -------------------------------------------------------------------------------- /models/transformers/skip/mluke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/mluke.py -------------------------------------------------------------------------------- /models/transformers/skip/mmbt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/mmbt.py -------------------------------------------------------------------------------- /models/transformers/skip/mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/mt5.py -------------------------------------------------------------------------------- /models/transformers/skip/mt5_xl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/mt5_xl.py -------------------------------------------------------------------------------- /models/transformers/skip/plbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/plbart.py -------------------------------------------------------------------------------- /models/transformers/skip/swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/swin.py -------------------------------------------------------------------------------- /models/transformers/skip/t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/t5.py -------------------------------------------------------------------------------- /models/transformers/skip/t5_11b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/t5_11b.py -------------------------------------------------------------------------------- /models/transformers/skip/t5_3b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/t5_3b.py -------------------------------------------------------------------------------- /models/transformers/skip/tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/tapas.py -------------------------------------------------------------------------------- /models/transformers/skip/trocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/trocr.py -------------------------------------------------------------------------------- /models/transformers/skip/vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/vilt.py -------------------------------------------------------------------------------- /models/transformers/skip/wavlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/wavlm.py -------------------------------------------------------------------------------- /models/transformers/skip/yoso.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/skip/yoso.py -------------------------------------------------------------------------------- /models/transformers/splinter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/splinter.py -------------------------------------------------------------------------------- /models/transformers/squeezebert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/squeezebert.py -------------------------------------------------------------------------------- /models/transformers/t5_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/t5_base.py -------------------------------------------------------------------------------- /models/transformers/t5_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/t5_encoder.py -------------------------------------------------------------------------------- /models/transformers/t5_large.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/t5_large.py -------------------------------------------------------------------------------- /models/transformers/t5_small.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/t5_small.py -------------------------------------------------------------------------------- /models/transformers/unispeech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/unispeech.py -------------------------------------------------------------------------------- /models/transformers/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/vit.py -------------------------------------------------------------------------------- /models/transformers/wav2vec2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/wav2vec2.py -------------------------------------------------------------------------------- /models/transformers/xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/xglm.py -------------------------------------------------------------------------------- /models/transformers/xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/xlm.py -------------------------------------------------------------------------------- /models/transformers/xlm_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/xlm_roberta.py -------------------------------------------------------------------------------- /models/transformers/xlnet-512.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/xlnet-512.py -------------------------------------------------------------------------------- /models/transformers/xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/models/transformers/xlnet.py -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/pyproject.toml -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/setup.py -------------------------------------------------------------------------------- /src/mlagility/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/__init__.py -------------------------------------------------------------------------------- /src/mlagility/analysis/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/analysis/analysis.py -------------------------------------------------------------------------------- /src/mlagility/analysis/status.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/analysis/status.py -------------------------------------------------------------------------------- /src/mlagility/analysis/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/analysis/util.py -------------------------------------------------------------------------------- /src/mlagility/api/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/Dockerfile -------------------------------------------------------------------------------- /src/mlagility/api/devices.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/devices.py -------------------------------------------------------------------------------- /src/mlagility/api/execute_trt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/execute_trt.py -------------------------------------------------------------------------------- /src/mlagility/api/model_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/model_api.py -------------------------------------------------------------------------------- /src/mlagility/api/ortmodel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/ortmodel.py -------------------------------------------------------------------------------- /src/mlagility/api/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/performance.py -------------------------------------------------------------------------------- /src/mlagility/api/report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/report.py -------------------------------------------------------------------------------- /src/mlagility/api/run_ort_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/run_ort_model.py -------------------------------------------------------------------------------- /src/mlagility/api/script_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/script_api.py -------------------------------------------------------------------------------- /src/mlagility/api/setup_ort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/setup_ort.py -------------------------------------------------------------------------------- /src/mlagility/api/trtmodel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/api/trtmodel.py -------------------------------------------------------------------------------- /src/mlagility/cli/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/cli.py -------------------------------------------------------------------------------- /src/mlagility/cli/cloud/control.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/cloud/control.py -------------------------------------------------------------------------------- /src/mlagility/cli/login.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/login.py -------------------------------------------------------------------------------- /src/mlagility/cli/report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/report.py -------------------------------------------------------------------------------- /src/mlagility/cli/run_slurm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/run_slurm.sh -------------------------------------------------------------------------------- /src/mlagility/cli/setup_venv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/setup_venv.sh -------------------------------------------------------------------------------- /src/mlagility/cli/spawn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/cli/spawn.py -------------------------------------------------------------------------------- /src/mlagility/common/filesystem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/common/filesystem.py -------------------------------------------------------------------------------- /src/mlagility/common/labels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/common/labels.py -------------------------------------------------------------------------------- /src/mlagility/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/mlagility/parser.py -------------------------------------------------------------------------------- /src/mlagility/version.py: -------------------------------------------------------------------------------- 1 | __version__ = "3.3.1" 2 | -------------------------------------------------------------------------------- /src/onnxflow/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/__init__.py -------------------------------------------------------------------------------- /src/onnxflow/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/onnxflow/common/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/common/build.py -------------------------------------------------------------------------------- /src/onnxflow/common/cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/common/cache.py -------------------------------------------------------------------------------- /src/onnxflow/common/exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/common/exceptions.py -------------------------------------------------------------------------------- /src/onnxflow/common/printing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/common/printing.py -------------------------------------------------------------------------------- /src/onnxflow/common/tf_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/common/tf_helpers.py -------------------------------------------------------------------------------- /src/onnxflow/justbuildit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/onnxflow/justbuildit/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/justbuildit/export.py -------------------------------------------------------------------------------- /src/onnxflow/justbuildit/stage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/justbuildit/stage.py -------------------------------------------------------------------------------- /src/onnxflow/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/model/__init__.py -------------------------------------------------------------------------------- /src/onnxflow/model/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/src/onnxflow/model/model.py -------------------------------------------------------------------------------- /src/onnxflow/version.py: -------------------------------------------------------------------------------- 1 | __version__ = "1.4.0" 2 | -------------------------------------------------------------------------------- /test/analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/analysis.py -------------------------------------------------------------------------------- /test/build_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/build_model.py -------------------------------------------------------------------------------- /test/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/cli.py -------------------------------------------------------------------------------- /test/database.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/database.py -------------------------------------------------------------------------------- /test/gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/gpu.py -------------------------------------------------------------------------------- /test/helpers/check_slurm_output.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/helpers/check_slurm_output.sh -------------------------------------------------------------------------------- /test/helpers/slurm.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/helpers/slurm.conf -------------------------------------------------------------------------------- /test/model_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/model_api.py -------------------------------------------------------------------------------- /test/unit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/test/unit.py -------------------------------------------------------------------------------- /trackers/huggingface/.streamlit/config.toml: -------------------------------------------------------------------------------- 1 | [theme] 2 | base="dark" -------------------------------------------------------------------------------- /trackers/huggingface/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/trackers/huggingface/app.py -------------------------------------------------------------------------------- /trackers/huggingface/graphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/groq/mlagility/HEAD/trackers/huggingface/graphs.py --------------------------------------------------------------------------------