├── .github ├── deployment-configs │ ├── deploy-deberta.yaml │ ├── deploy-flan-t5.yaml │ ├── deploy-gpt-j-pod-4.yaml │ ├── deploy-huggingface-paperspace.yaml │ ├── deploy-licenses.yaml │ ├── deploy-magma.yaml │ ├── deploy-optimum-7.1.yaml │ └── deploy-whisper.yaml ├── pull_request_template.md ├── test_configs │ └── image-config.yaml └── workflows │ ├── 1-static-checks.yml │ ├── 2-local-vpod-tests.yml │ ├── 3-probe-on-ps.yml │ ├── configs │ ├── pre-commit-config.yaml │ ├── pylint.rc │ └── ruff.toml │ ├── copy-notebooks-from-source.yml │ └── sync-repos.yml ├── .gradient ├── available_ipus.py ├── check_tier.py ├── notebook-tests.yaml ├── prepare-datasets.sh ├── settings.yaml └── symlink_config.json ├── LICENSE ├── README.md ├── README_first.ipynb ├── audio-processing ├── requirements.txt ├── wav2vec2-fine-tuning-checkpoint.ipynb └── wav2vec2-inference-checkpoint.ipynb ├── dolly2-instruction-following ├── Dolly2-an-OSS-instruction-LLM.ipynb ├── OpenAssistant-Pythia-12B-Chatbot.ipynb ├── api │ ├── __init__.py │ └── pipeline.py ├── config │ ├── __init__.py │ ├── config.py │ └── inference.yml ├── inference.py ├── modelling │ ├── __init__.py │ ├── attention.py │ ├── decoder.py │ ├── dolly_lm.py │ ├── dolly_model.py │ ├── embedding.py │ ├── feed_forward.py │ ├── hf_mapping.py │ └── rotary_pos_embed │ │ ├── __init__.py │ │ ├── common.hpp │ │ ├── rotary_pos_embed.cpp │ │ ├── rotary_pos_embed.hpp │ │ ├── rotary_pos_embed.py │ │ ├── rotary_pos_embed_binding.cpp │ │ ├── rotary_pos_embedx.cpp │ │ └── rotary_pos_embedx.hpp ├── requirements.txt ├── tests │ ├── conftest.py │ ├── integration │ │ ├── execution │ │ │ └── test_execution.py │ │ └── layers │ │ │ ├── test_attention_TP.py │ │ │ ├── test_decoder_block_TP.py │ │ │ ├── test_feed_forward_TP.py │ │ │ ├── test_lm_TP.py │ │ │ └── test_model_TP.py │ └── test_config.yml └── utils │ ├── __init__.py │ ├── setup.py │ └── simple_parsing_tools.py ├── gptj-text-generation ├── GPTJ-generative-inference.ipynb ├── GPTJ-group-quantized.ipynb ├── api.py ├── config │ ├── __init__.py │ ├── config.py │ ├── finetuning.yml │ └── inference.yml ├── data │ ├── __init__.py │ ├── data_utils.py │ ├── hf_data_utils.py │ └── mnli_data.py ├── finetuning.ipynb ├── finetuning.py ├── imgs │ ├── bs_buffers.png │ ├── data_parallelism.png │ ├── dp_tp.png │ ├── execution.jpg │ ├── gq-speed-accuracy-tradeoff.png │ ├── mnli_dataset.png │ ├── rts.png │ ├── tensor_parallelism.png │ ├── tp.jpg │ └── tp_dp_rts.png ├── inference.py ├── modelling │ ├── __init__.py │ ├── attention.py │ ├── decoder.py │ ├── embedding.py │ ├── feed_forward.py │ ├── gptj_lm.py │ ├── gptj_model.py │ └── hf_mapping.py ├── pytest.ini ├── requirements-dev.txt ├── requirements.txt ├── run_finetuning.py ├── run_inference.py ├── run_validation.py ├── tests │ ├── conftest.py │ ├── integration │ │ ├── execution │ │ │ ├── test_execution.py │ │ │ └── test_overfitting.py │ │ └── layers │ │ │ ├── test_attention_TP.py │ │ │ ├── test_decoder_block_TP.py │ │ │ ├── test_feed_forward_TP.py │ │ │ ├── test_gptj_TP.py │ │ │ └── test_lm_TP.py │ ├── test_config.yml │ └── unit │ │ └── test_dataloder.py ├── tests_serial │ ├── dataloader_checkpoints.py │ ├── distributed_sampler.py │ └── test_distributed_data.py └── utils │ ├── __init__.py │ ├── inference.py │ ├── pipeline.py │ ├── setup.py │ ├── simple_parsing_tools.py │ ├── trainer.py │ └── utils.py ├── image-classification ├── LICENSE └── image_classification.ipynb ├── images ├── folder_logo.png ├── go_emotions.png └── jupyter_logo.png ├── llama2-chatbot ├── .gitignore ├── LICENSE ├── api │ ├── __init__.py │ └── pipeline.py ├── config │ ├── __init__.py │ ├── config.py │ └── inference.yml ├── inference.py ├── llama2-inference.ipynb ├── modelling │ ├── __init__.py │ ├── attention.py │ ├── decoder.py │ ├── embedding.py │ ├── feed_forward.py │ ├── hf_mapping.py │ ├── llama_lm.py │ ├── llama_model.py │ ├── rms_norm.py │ └── rotary_pos_embed │ │ ├── .rendered.rotary_pos_embed_binding.cpp │ │ ├── __init__.py │ │ ├── common.hpp │ │ ├── rotary_pos_embed.cpp │ │ ├── rotary_pos_embed.hpp │ │ ├── rotary_pos_embed.py │ │ ├── rotary_pos_embed_binding.cpp │ │ ├── rotary_pos_embed_binding.cpython-38-x86_64-linux-gnu.so │ │ ├── rotary_pos_embedx.cpp │ │ └── rotary_pos_embedx.hpp ├── pytest.ini ├── requirements.txt ├── run-inference.py ├── tests │ ├── conftest.py │ ├── integration │ │ ├── execution │ │ │ └── test_execution.py │ │ └── layers │ │ │ ├── test_attention_TP.py │ │ │ ├── test_decoder_block_TP.py │ │ │ ├── test_feed_forward_TP.py │ │ │ ├── test_lm_TP.py │ │ │ └── test_model_TP.py │ └── test_config.yml └── utils │ ├── __init__.py │ ├── setup.py │ └── simple_parsing_tools.py ├── molfeat ├── requirements.txt ├── transformers_molfeat_finetune.ipynb └── utils.py ├── multimodal └── magma │ ├── Image-description-using-MAGMA.ipynb │ ├── configs │ ├── MAGMA_v1.yml │ ├── __init__.py │ ├── config.py │ └── inference.yml │ ├── demo_example_images │ ├── cantaloupe_popsicle.jpg │ ├── circles.jpg │ ├── circles_square.jpg │ ├── korea.jpg │ ├── matterhorn.jpg │ ├── mushroom.jpg │ ├── people.jpg │ ├── playarea.jpg │ ├── popsicle.png │ ├── rainbow_popsicle.jpeg │ └── table_tennis.jpg │ ├── images │ ├── MagmaStructure.png │ └── demo_magma.png │ ├── inference.py │ ├── modelling │ ├── __init__.py │ ├── adapters_TP.py │ ├── clip_resnet │ │ ├── __init__.py │ │ ├── attention_pool.py │ │ ├── batch_norm.py │ │ ├── bottleneck.py │ │ ├── modified_resnet.py │ │ └── stem.py │ ├── gptj │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── decoder.py │ │ ├── embedding.py │ │ ├── feed_forward.py │ │ ├── finetuneanon_mapping.py │ │ ├── gptj_lm.py │ │ └── gptj_model.py │ ├── image_prefix.py │ └── magma_mapping.py │ ├── requirements.txt │ ├── run_inference.py │ └── utils │ ├── __init__.py │ ├── sampling.py │ ├── setup.py │ └── simple_parsing_tools.py ├── natural-language-processing ├── Flan-T5-generative-inference.ipynb ├── LICENSE ├── doing-more-with-flan-t5 │ ├── Flan-T5-generative-inference.ipynb │ ├── Flan-T5-textual-entailment-fine-tuning.ipynb │ ├── api.py │ ├── config │ │ ├── __init__.py │ │ ├── config.py │ │ ├── finetuning.yml │ │ └── inference.yml │ ├── data │ │ ├── __init__.py │ │ ├── data_utils.py │ │ └── mnli_data.py │ ├── finetuning.py │ ├── graphs │ │ ├── __init__.py │ │ ├── embedding.py │ │ ├── encoder_decoder.py │ │ ├── graphs.py │ │ └── head.py │ ├── imgs │ │ └── mnli_dataset.png │ ├── inference.py │ ├── modelling │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── embedding.py │ │ ├── encoder_decoder.py │ │ ├── feed_forward.py │ │ ├── hf_mapping.py │ │ ├── layer_norm.py │ │ ├── t5_lm.py │ │ └── t5_model.py │ ├── requirements-dev.txt │ ├── requirements.txt │ ├── run_finetuning.py │ ├── run_validation.py │ └── utils │ │ ├── __init__.py │ │ ├── inference.py │ │ ├── pipeline.py │ │ ├── setup.py │ │ ├── simple_parsing_tools.py │ │ ├── trainer.py │ │ └── utils.py ├── images │ ├── bert-pipelining.png │ ├── bert.png │ ├── causal_language_modeling.png │ ├── masked_language_modeling.png │ ├── name_entity_extraction.png │ ├── partitioning.jpg │ ├── pipelining.png │ ├── question_answering.png │ ├── recomputation.png │ ├── rts.png │ ├── squad.png │ ├── summarization.png │ ├── t5_vs_flan_t5.png │ ├── text_classification.png │ ├── token_classification.png │ └── translation.png ├── introduction_to_optimum_graphcore.ipynb ├── name-entity-extraction.ipynb ├── other-use-cases │ ├── deberta-blog-notebook.ipynb │ ├── external_model.ipynb │ ├── images │ │ ├── bert-pipelining.png │ │ ├── bert.png │ │ ├── causal_language_modeling.png │ │ ├── masked_language_modeling.png │ │ ├── mt5_oom.png │ │ ├── name_entity_extraction.png │ │ ├── partitioning.jpg │ │ ├── pipelining.png │ │ ├── question_answering.png │ │ ├── recomputation.png │ │ ├── restart_kernel.png │ │ ├── rts.png │ │ ├── squad.png │ │ ├── summarization.png │ │ ├── text_classification.png │ │ ├── token_classification.png │ │ └── translation.png │ ├── language_modelling_from_scratch.ipynb │ ├── mt5_translation.ipynb │ ├── mt5_xnli.ipynb │ ├── multiple_choice.ipynb │ ├── question_answering.ipynb │ ├── summarization.ipynb │ ├── text_classification.ipynb │ └── token_classification.ipynb ├── sentiment_analysis.ipynb ├── squad_preprocessing.py ├── text-embeddings-models │ ├── config.py │ └── text-embeddings-on-ipu.ipynb ├── text_summarization_BART_L_inference.ipynb └── translation.ipynb ├── packed-bert ├── LICENSE ├── __init__.py ├── models │ ├── __init__.py │ └── modeling_bert_packed.py ├── packedBERT_multi_label_text_classification.ipynb ├── packedBERT_question_answering.ipynb ├── packedBERT_single_label_text_classification.ipynb ├── pipeline │ ├── __init__.py │ └── packed_bert.py └── utils │ ├── __init__.py │ └── packing │ ├── __init__.py │ ├── algorithms.py │ ├── dataset_creator.py │ ├── dataset_templates.py │ └── qa_utils.py ├── setup.sh ├── stable-diffusion ├── LICENSE ├── image_to_image.ipynb ├── inpainting.ipynb ├── requirements.txt ├── sample_images │ ├── image_to_image.png │ ├── inpainting.png │ ├── text_to_image.png │ └── text_to_image_sd2.png ├── text_to_image.ipynb └── text_to_image_sd2.ipynb ├── useful-tips ├── images │ ├── connect-tunnel-from-web-1.png │ ├── connect-tunnel-from-web-2.png │ ├── connect-tunnel-to-app-1.png │ ├── connect-tunnel-to-app-2.png │ ├── login-code.png │ ├── login-success.png │ ├── restart_kernel.png │ └── tunnel-unregister.png ├── managing_ipu_resources.ipynb └── using_vscode_in_paperspace.ipynb └── whisper ├── LICENSE ├── whisper-example.ipynb ├── whisper-quantized-example.ipynb └── whisper_finetuning.ipynb /.github/deployment-configs/deploy-deberta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-deberta.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-flan-t5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-flan-t5.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-gpt-j-pod-4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-gpt-j-pod-4.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-huggingface-paperspace.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-huggingface-paperspace.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-licenses.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-licenses.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-magma.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-magma.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-optimum-7.1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-optimum-7.1.yaml -------------------------------------------------------------------------------- /.github/deployment-configs/deploy-whisper.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/deployment-configs/deploy-whisper.yaml -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/test_configs/image-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/test_configs/image-config.yaml -------------------------------------------------------------------------------- /.github/workflows/1-static-checks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/1-static-checks.yml -------------------------------------------------------------------------------- /.github/workflows/2-local-vpod-tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/2-local-vpod-tests.yml -------------------------------------------------------------------------------- /.github/workflows/3-probe-on-ps.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/3-probe-on-ps.yml -------------------------------------------------------------------------------- /.github/workflows/configs/pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/configs/pre-commit-config.yaml -------------------------------------------------------------------------------- /.github/workflows/configs/pylint.rc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/configs/pylint.rc -------------------------------------------------------------------------------- /.github/workflows/configs/ruff.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/configs/ruff.toml -------------------------------------------------------------------------------- /.github/workflows/copy-notebooks-from-source.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/copy-notebooks-from-source.yml -------------------------------------------------------------------------------- /.github/workflows/sync-repos.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.github/workflows/sync-repos.yml -------------------------------------------------------------------------------- /.gradient/available_ipus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.gradient/available_ipus.py -------------------------------------------------------------------------------- /.gradient/check_tier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.gradient/check_tier.py -------------------------------------------------------------------------------- /.gradient/notebook-tests.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.gradient/notebook-tests.yaml -------------------------------------------------------------------------------- /.gradient/prepare-datasets.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.gradient/prepare-datasets.sh -------------------------------------------------------------------------------- /.gradient/settings.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.gradient/settings.yaml -------------------------------------------------------------------------------- /.gradient/symlink_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/.gradient/symlink_config.json -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/README.md -------------------------------------------------------------------------------- /README_first.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/README_first.ipynb -------------------------------------------------------------------------------- /audio-processing/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/audio-processing/requirements.txt -------------------------------------------------------------------------------- /audio-processing/wav2vec2-fine-tuning-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/audio-processing/wav2vec2-fine-tuning-checkpoint.ipynb -------------------------------------------------------------------------------- /audio-processing/wav2vec2-inference-checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/audio-processing/wav2vec2-inference-checkpoint.ipynb -------------------------------------------------------------------------------- /dolly2-instruction-following/Dolly2-an-OSS-instruction-LLM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/Dolly2-an-OSS-instruction-LLM.ipynb -------------------------------------------------------------------------------- /dolly2-instruction-following/OpenAssistant-Pythia-12B-Chatbot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/OpenAssistant-Pythia-12B-Chatbot.ipynb -------------------------------------------------------------------------------- /dolly2-instruction-following/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/api/__init__.py -------------------------------------------------------------------------------- /dolly2-instruction-following/api/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/api/pipeline.py -------------------------------------------------------------------------------- /dolly2-instruction-following/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/config/__init__.py -------------------------------------------------------------------------------- /dolly2-instruction-following/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/config/config.py -------------------------------------------------------------------------------- /dolly2-instruction-following/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/config/inference.yml -------------------------------------------------------------------------------- /dolly2-instruction-following/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/inference.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/__init__.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/attention.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/decoder.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/dolly_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/dolly_lm.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/dolly_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/dolly_model.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/embedding.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/feed_forward.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/hf_mapping.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/__init__.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/common.hpp -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed.cpp -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed.hpp -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed.py -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed_binding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embed_binding.cpp -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embedx.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embedx.cpp -------------------------------------------------------------------------------- /dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embedx.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/modelling/rotary_pos_embed/rotary_pos_embedx.hpp -------------------------------------------------------------------------------- /dolly2-instruction-following/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/requirements.txt -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/conftest.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/integration/execution/test_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/integration/execution/test_execution.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/integration/layers/test_attention_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/integration/layers/test_attention_TP.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/integration/layers/test_decoder_block_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/integration/layers/test_decoder_block_TP.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/integration/layers/test_feed_forward_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/integration/layers/test_feed_forward_TP.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/integration/layers/test_lm_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/integration/layers/test_lm_TP.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/integration/layers/test_model_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/integration/layers/test_model_TP.py -------------------------------------------------------------------------------- /dolly2-instruction-following/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/tests/test_config.yml -------------------------------------------------------------------------------- /dolly2-instruction-following/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/utils/__init__.py -------------------------------------------------------------------------------- /dolly2-instruction-following/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/utils/setup.py -------------------------------------------------------------------------------- /dolly2-instruction-following/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/dolly2-instruction-following/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /gptj-text-generation/GPTJ-generative-inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/GPTJ-generative-inference.ipynb -------------------------------------------------------------------------------- /gptj-text-generation/GPTJ-group-quantized.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/GPTJ-group-quantized.ipynb -------------------------------------------------------------------------------- /gptj-text-generation/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/api.py -------------------------------------------------------------------------------- /gptj-text-generation/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/config/__init__.py -------------------------------------------------------------------------------- /gptj-text-generation/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/config/config.py -------------------------------------------------------------------------------- /gptj-text-generation/config/finetuning.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/config/finetuning.yml -------------------------------------------------------------------------------- /gptj-text-generation/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/config/inference.yml -------------------------------------------------------------------------------- /gptj-text-generation/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/data/__init__.py -------------------------------------------------------------------------------- /gptj-text-generation/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/data/data_utils.py -------------------------------------------------------------------------------- /gptj-text-generation/data/hf_data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/data/hf_data_utils.py -------------------------------------------------------------------------------- /gptj-text-generation/data/mnli_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/data/mnli_data.py -------------------------------------------------------------------------------- /gptj-text-generation/finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/finetuning.ipynb -------------------------------------------------------------------------------- /gptj-text-generation/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/finetuning.py -------------------------------------------------------------------------------- /gptj-text-generation/imgs/bs_buffers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/bs_buffers.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/data_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/data_parallelism.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/dp_tp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/dp_tp.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/execution.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/execution.jpg -------------------------------------------------------------------------------- /gptj-text-generation/imgs/gq-speed-accuracy-tradeoff.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/gq-speed-accuracy-tradeoff.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/mnli_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/mnli_dataset.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/rts.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/tensor_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/tensor_parallelism.png -------------------------------------------------------------------------------- /gptj-text-generation/imgs/tp.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/tp.jpg -------------------------------------------------------------------------------- /gptj-text-generation/imgs/tp_dp_rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/imgs/tp_dp_rts.png -------------------------------------------------------------------------------- /gptj-text-generation/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/inference.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/__init__.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/attention.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/decoder.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/embedding.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/feed_forward.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/gptj_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/gptj_lm.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/gptj_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/gptj_model.py -------------------------------------------------------------------------------- /gptj-text-generation/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/modelling/hf_mapping.py -------------------------------------------------------------------------------- /gptj-text-generation/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/pytest.ini -------------------------------------------------------------------------------- /gptj-text-generation/requirements-dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/requirements-dev.txt -------------------------------------------------------------------------------- /gptj-text-generation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/requirements.txt -------------------------------------------------------------------------------- /gptj-text-generation/run_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/run_finetuning.py -------------------------------------------------------------------------------- /gptj-text-generation/run_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/run_inference.py -------------------------------------------------------------------------------- /gptj-text-generation/run_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/run_validation.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/conftest.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/execution/test_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/execution/test_execution.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/execution/test_overfitting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/execution/test_overfitting.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/layers/test_attention_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/layers/test_attention_TP.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/layers/test_decoder_block_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/layers/test_decoder_block_TP.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/layers/test_feed_forward_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/layers/test_feed_forward_TP.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/layers/test_gptj_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/layers/test_gptj_TP.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/integration/layers/test_lm_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/integration/layers/test_lm_TP.py -------------------------------------------------------------------------------- /gptj-text-generation/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/test_config.yml -------------------------------------------------------------------------------- /gptj-text-generation/tests/unit/test_dataloder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests/unit/test_dataloder.py -------------------------------------------------------------------------------- /gptj-text-generation/tests_serial/dataloader_checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests_serial/dataloader_checkpoints.py -------------------------------------------------------------------------------- /gptj-text-generation/tests_serial/distributed_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests_serial/distributed_sampler.py -------------------------------------------------------------------------------- /gptj-text-generation/tests_serial/test_distributed_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/tests_serial/test_distributed_data.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/__init__.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/inference.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/pipeline.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/setup.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/trainer.py -------------------------------------------------------------------------------- /gptj-text-generation/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/gptj-text-generation/utils/utils.py -------------------------------------------------------------------------------- /image-classification/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/image-classification/LICENSE -------------------------------------------------------------------------------- /image-classification/image_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/image-classification/image_classification.ipynb -------------------------------------------------------------------------------- /images/folder_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/images/folder_logo.png -------------------------------------------------------------------------------- /images/go_emotions.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/images/go_emotions.png -------------------------------------------------------------------------------- /images/jupyter_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/images/jupyter_logo.png -------------------------------------------------------------------------------- /llama2-chatbot/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/.gitignore -------------------------------------------------------------------------------- /llama2-chatbot/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/LICENSE -------------------------------------------------------------------------------- /llama2-chatbot/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/api/__init__.py -------------------------------------------------------------------------------- /llama2-chatbot/api/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/api/pipeline.py -------------------------------------------------------------------------------- /llama2-chatbot/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/config/__init__.py -------------------------------------------------------------------------------- /llama2-chatbot/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/config/config.py -------------------------------------------------------------------------------- /llama2-chatbot/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/config/inference.yml -------------------------------------------------------------------------------- /llama2-chatbot/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/inference.py -------------------------------------------------------------------------------- /llama2-chatbot/llama2-inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/llama2-inference.ipynb -------------------------------------------------------------------------------- /llama2-chatbot/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/__init__.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/attention.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/decoder.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/embedding.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/feed_forward.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/hf_mapping.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/llama_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/llama_lm.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/llama_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/llama_model.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rms_norm.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/.rendered.rotary_pos_embed_binding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/.rendered.rotary_pos_embed_binding.cpp -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/__init__.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/common.hpp -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed.cpp -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed.hpp -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed.py -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed_binding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed_binding.cpp -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed_binding.cpython-38-x86_64-linux-gnu.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embed_binding.cpython-38-x86_64-linux-gnu.so -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embedx.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embedx.cpp -------------------------------------------------------------------------------- /llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embedx.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/modelling/rotary_pos_embed/rotary_pos_embedx.hpp -------------------------------------------------------------------------------- /llama2-chatbot/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/pytest.ini -------------------------------------------------------------------------------- /llama2-chatbot/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/requirements.txt -------------------------------------------------------------------------------- /llama2-chatbot/run-inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/run-inference.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/conftest.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/integration/execution/test_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/integration/execution/test_execution.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/integration/layers/test_attention_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/integration/layers/test_attention_TP.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/integration/layers/test_decoder_block_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/integration/layers/test_decoder_block_TP.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/integration/layers/test_feed_forward_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/integration/layers/test_feed_forward_TP.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/integration/layers/test_lm_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/integration/layers/test_lm_TP.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/integration/layers/test_model_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/integration/layers/test_model_TP.py -------------------------------------------------------------------------------- /llama2-chatbot/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/tests/test_config.yml -------------------------------------------------------------------------------- /llama2-chatbot/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/utils/__init__.py -------------------------------------------------------------------------------- /llama2-chatbot/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/utils/setup.py -------------------------------------------------------------------------------- /llama2-chatbot/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/llama2-chatbot/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /molfeat/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/molfeat/requirements.txt -------------------------------------------------------------------------------- /molfeat/transformers_molfeat_finetune.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/molfeat/transformers_molfeat_finetune.ipynb -------------------------------------------------------------------------------- /molfeat/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/molfeat/utils.py -------------------------------------------------------------------------------- /multimodal/magma/Image-description-using-MAGMA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/Image-description-using-MAGMA.ipynb -------------------------------------------------------------------------------- /multimodal/magma/configs/MAGMA_v1.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/configs/MAGMA_v1.yml -------------------------------------------------------------------------------- /multimodal/magma/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/configs/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/configs/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/configs/config.py -------------------------------------------------------------------------------- /multimodal/magma/configs/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/configs/inference.yml -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/cantaloupe_popsicle.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/cantaloupe_popsicle.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/circles.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/circles.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/circles_square.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/circles_square.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/korea.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/korea.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/matterhorn.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/matterhorn.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/mushroom.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/mushroom.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/people.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/people.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/playarea.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/playarea.jpg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/popsicle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/popsicle.png -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/rainbow_popsicle.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/rainbow_popsicle.jpeg -------------------------------------------------------------------------------- /multimodal/magma/demo_example_images/table_tennis.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/demo_example_images/table_tennis.jpg -------------------------------------------------------------------------------- /multimodal/magma/images/MagmaStructure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/images/MagmaStructure.png -------------------------------------------------------------------------------- /multimodal/magma/images/demo_magma.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/images/demo_magma.png -------------------------------------------------------------------------------- /multimodal/magma/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/inference.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/adapters_TP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/adapters_TP.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/clip_resnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/clip_resnet/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/clip_resnet/attention_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/clip_resnet/attention_pool.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/clip_resnet/batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/clip_resnet/batch_norm.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/clip_resnet/bottleneck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/clip_resnet/bottleneck.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/clip_resnet/modified_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/clip_resnet/modified_resnet.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/clip_resnet/stem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/clip_resnet/stem.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/attention.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/decoder.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/embedding.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/feed_forward.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/finetuneanon_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/finetuneanon_mapping.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/gptj_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/gptj_lm.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/gptj/gptj_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/gptj/gptj_model.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/image_prefix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/image_prefix.py -------------------------------------------------------------------------------- /multimodal/magma/modelling/magma_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/modelling/magma_mapping.py -------------------------------------------------------------------------------- /multimodal/magma/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/requirements.txt -------------------------------------------------------------------------------- /multimodal/magma/run_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/run_inference.py -------------------------------------------------------------------------------- /multimodal/magma/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/utils/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/utils/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/utils/sampling.py -------------------------------------------------------------------------------- /multimodal/magma/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/utils/setup.py -------------------------------------------------------------------------------- /multimodal/magma/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/multimodal/magma/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /natural-language-processing/Flan-T5-generative-inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/Flan-T5-generative-inference.ipynb -------------------------------------------------------------------------------- /natural-language-processing/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/LICENSE -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/Flan-T5-generative-inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/Flan-T5-generative-inference.ipynb -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/Flan-T5-textual-entailment-fine-tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/Flan-T5-textual-entailment-fine-tuning.ipynb -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/api.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/config/__init__.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/config/config.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/config/finetuning.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/config/finetuning.yml -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/config/inference.yml -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/data/__init__.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/data/data_utils.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/data/mnli_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/data/mnli_data.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/finetuning.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/graphs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/graphs/__init__.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/graphs/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/graphs/embedding.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/graphs/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/graphs/encoder_decoder.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/graphs/graphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/graphs/graphs.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/graphs/head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/graphs/head.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/imgs/mnli_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/imgs/mnli_dataset.png -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/inference.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/__init__.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/attention.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/embedding.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/encoder_decoder.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/feed_forward.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/hf_mapping.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/layer_norm.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/t5_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/t5_lm.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/modelling/t5_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/modelling/t5_model.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/requirements-dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/requirements-dev.txt -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/requirements.txt -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/run_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/run_finetuning.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/run_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/run_validation.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/__init__.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/inference.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/pipeline.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/setup.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/trainer.py -------------------------------------------------------------------------------- /natural-language-processing/doing-more-with-flan-t5/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/doing-more-with-flan-t5/utils/utils.py -------------------------------------------------------------------------------- /natural-language-processing/images/bert-pipelining.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/bert-pipelining.png -------------------------------------------------------------------------------- /natural-language-processing/images/bert.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/bert.png -------------------------------------------------------------------------------- /natural-language-processing/images/causal_language_modeling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/causal_language_modeling.png -------------------------------------------------------------------------------- /natural-language-processing/images/masked_language_modeling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/masked_language_modeling.png -------------------------------------------------------------------------------- /natural-language-processing/images/name_entity_extraction.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/name_entity_extraction.png -------------------------------------------------------------------------------- /natural-language-processing/images/partitioning.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/partitioning.jpg -------------------------------------------------------------------------------- /natural-language-processing/images/pipelining.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/pipelining.png -------------------------------------------------------------------------------- /natural-language-processing/images/question_answering.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/question_answering.png -------------------------------------------------------------------------------- /natural-language-processing/images/recomputation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/recomputation.png -------------------------------------------------------------------------------- /natural-language-processing/images/rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/rts.png -------------------------------------------------------------------------------- /natural-language-processing/images/squad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/squad.png -------------------------------------------------------------------------------- /natural-language-processing/images/summarization.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/summarization.png -------------------------------------------------------------------------------- /natural-language-processing/images/t5_vs_flan_t5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/t5_vs_flan_t5.png -------------------------------------------------------------------------------- /natural-language-processing/images/text_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/text_classification.png -------------------------------------------------------------------------------- /natural-language-processing/images/token_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/token_classification.png -------------------------------------------------------------------------------- /natural-language-processing/images/translation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/images/translation.png -------------------------------------------------------------------------------- /natural-language-processing/introduction_to_optimum_graphcore.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/introduction_to_optimum_graphcore.ipynb -------------------------------------------------------------------------------- /natural-language-processing/name-entity-extraction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/name-entity-extraction.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/deberta-blog-notebook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/deberta-blog-notebook.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/external_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/external_model.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/bert-pipelining.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/bert-pipelining.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/bert.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/bert.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/causal_language_modeling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/causal_language_modeling.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/masked_language_modeling.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/masked_language_modeling.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/mt5_oom.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/mt5_oom.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/name_entity_extraction.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/name_entity_extraction.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/partitioning.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/partitioning.jpg -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/pipelining.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/pipelining.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/question_answering.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/question_answering.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/recomputation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/recomputation.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/restart_kernel.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/restart_kernel.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/rts.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/squad.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/squad.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/summarization.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/summarization.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/text_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/text_classification.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/token_classification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/token_classification.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/images/translation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/images/translation.png -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/language_modelling_from_scratch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/language_modelling_from_scratch.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/mt5_translation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/mt5_translation.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/mt5_xnli.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/mt5_xnli.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/multiple_choice.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/multiple_choice.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/question_answering.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/question_answering.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/summarization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/summarization.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/text_classification.ipynb -------------------------------------------------------------------------------- /natural-language-processing/other-use-cases/token_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/other-use-cases/token_classification.ipynb -------------------------------------------------------------------------------- /natural-language-processing/sentiment_analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/sentiment_analysis.ipynb -------------------------------------------------------------------------------- /natural-language-processing/squad_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/squad_preprocessing.py -------------------------------------------------------------------------------- /natural-language-processing/text-embeddings-models/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/text-embeddings-models/config.py -------------------------------------------------------------------------------- /natural-language-processing/text-embeddings-models/text-embeddings-on-ipu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/text-embeddings-models/text-embeddings-on-ipu.ipynb -------------------------------------------------------------------------------- /natural-language-processing/text_summarization_BART_L_inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/text_summarization_BART_L_inference.ipynb -------------------------------------------------------------------------------- /natural-language-processing/translation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/natural-language-processing/translation.ipynb -------------------------------------------------------------------------------- /packed-bert/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/LICENSE -------------------------------------------------------------------------------- /packed-bert/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /packed-bert/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /packed-bert/models/modeling_bert_packed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/models/modeling_bert_packed.py -------------------------------------------------------------------------------- /packed-bert/packedBERT_multi_label_text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/packedBERT_multi_label_text_classification.ipynb -------------------------------------------------------------------------------- /packed-bert/packedBERT_question_answering.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/packedBERT_question_answering.ipynb -------------------------------------------------------------------------------- /packed-bert/packedBERT_single_label_text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/packedBERT_single_label_text_classification.ipynb -------------------------------------------------------------------------------- /packed-bert/pipeline/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /packed-bert/pipeline/packed_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/pipeline/packed_bert.py -------------------------------------------------------------------------------- /packed-bert/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /packed-bert/utils/packing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /packed-bert/utils/packing/algorithms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/utils/packing/algorithms.py -------------------------------------------------------------------------------- /packed-bert/utils/packing/dataset_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/utils/packing/dataset_creator.py -------------------------------------------------------------------------------- /packed-bert/utils/packing/dataset_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/utils/packing/dataset_templates.py -------------------------------------------------------------------------------- /packed-bert/utils/packing/qa_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/packed-bert/utils/packing/qa_utils.py -------------------------------------------------------------------------------- /setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/setup.sh -------------------------------------------------------------------------------- /stable-diffusion/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/LICENSE -------------------------------------------------------------------------------- /stable-diffusion/image_to_image.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/image_to_image.ipynb -------------------------------------------------------------------------------- /stable-diffusion/inpainting.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/inpainting.ipynb -------------------------------------------------------------------------------- /stable-diffusion/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/requirements.txt -------------------------------------------------------------------------------- /stable-diffusion/sample_images/image_to_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/sample_images/image_to_image.png -------------------------------------------------------------------------------- /stable-diffusion/sample_images/inpainting.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/sample_images/inpainting.png -------------------------------------------------------------------------------- /stable-diffusion/sample_images/text_to_image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/sample_images/text_to_image.png -------------------------------------------------------------------------------- /stable-diffusion/sample_images/text_to_image_sd2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/sample_images/text_to_image_sd2.png -------------------------------------------------------------------------------- /stable-diffusion/text_to_image.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/text_to_image.ipynb -------------------------------------------------------------------------------- /stable-diffusion/text_to_image_sd2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/stable-diffusion/text_to_image_sd2.ipynb -------------------------------------------------------------------------------- /useful-tips/images/connect-tunnel-from-web-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/connect-tunnel-from-web-1.png -------------------------------------------------------------------------------- /useful-tips/images/connect-tunnel-from-web-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/connect-tunnel-from-web-2.png -------------------------------------------------------------------------------- /useful-tips/images/connect-tunnel-to-app-1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/connect-tunnel-to-app-1.png -------------------------------------------------------------------------------- /useful-tips/images/connect-tunnel-to-app-2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/connect-tunnel-to-app-2.png -------------------------------------------------------------------------------- /useful-tips/images/login-code.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/login-code.png -------------------------------------------------------------------------------- /useful-tips/images/login-success.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/login-success.png -------------------------------------------------------------------------------- /useful-tips/images/restart_kernel.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/restart_kernel.png -------------------------------------------------------------------------------- /useful-tips/images/tunnel-unregister.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/images/tunnel-unregister.png -------------------------------------------------------------------------------- /useful-tips/managing_ipu_resources.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/managing_ipu_resources.ipynb -------------------------------------------------------------------------------- /useful-tips/using_vscode_in_paperspace.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/useful-tips/using_vscode_in_paperspace.ipynb -------------------------------------------------------------------------------- /whisper/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/whisper/LICENSE -------------------------------------------------------------------------------- /whisper/whisper-example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/whisper/whisper-example.ipynb -------------------------------------------------------------------------------- /whisper/whisper-quantized-example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/whisper/whisper-quantized-example.ipynb -------------------------------------------------------------------------------- /whisper/whisper_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/Gradient-HuggingFace/HEAD/whisper/whisper_finetuning.ipynb --------------------------------------------------------------------------------