├── .git-blame-ignore-revs ├── .gitignore ├── .pre-commit-config.yaml ├── CODEOWNERS ├── COPYRIGHT ├── LICENSE ├── README.md ├── ai_for_simulation └── abc_covid_19 │ └── tensorflow2 │ ├── .gitignore │ ├── ABC_IPU.py │ ├── README.md │ ├── argparser.py │ ├── covid_data.py │ ├── requirements.txt │ └── tests │ └── test_ABC.py ├── conftest.py ├── finance └── deeplob │ └── tensorflow2 │ ├── LICENSE │ ├── Multi-Horizon-DeepLOBAttention-training.ipynb │ ├── Multi-Horizon-DeepLOBSeq2Seq-training.ipynb │ ├── README.md │ ├── requirements.txt │ └── test │ ├── requirements.txt │ └── test_deeplob_notebooks.py ├── gnn ├── cluster_gcn │ └── pytorch_geometric │ │ ├── README.md │ │ ├── node_classification_with_cluster_gcn.ipynb │ │ ├── node_classification_with_cluster_gcn_code_only.py │ │ ├── requirements.txt │ │ └── test │ │ ├── requirements.txt │ │ └── test_notebook.py ├── fraud_detection │ └── pytorch_geometric │ │ ├── 1_dataset_preprocessing.ipynb │ │ ├── 2_training.ipynb │ │ ├── README.md │ │ ├── dataset.py │ │ ├── loss.py │ │ ├── model.py │ │ ├── requirements.txt │ │ └── test │ │ ├── test_loss.py │ │ └── test_notebooks.py ├── message_passing │ ├── pytorch_geometric │ │ ├── README.md │ │ ├── model.py │ │ ├── molecular_property_prediction_with_gin.ipynb │ │ ├── molecular_property_prediction_with_gin_code_only.py │ │ ├── requirements.txt │ │ └── test │ │ │ ├── requirements.txt │ │ │ └── test_notebook.py │ └── tensorflow2 │ │ ├── README.md │ │ ├── benchmarks.yml │ │ ├── conftest.py │ │ ├── data_utils │ │ ├── data_generators.py │ │ ├── generated_graph_data.py │ │ └── packing_strategy_finder.py │ │ ├── embedding_layers.py │ │ ├── layers.py │ │ ├── model.py │ │ ├── requirements.txt │ │ ├── run_training.py │ │ ├── static_ops │ │ ├── Makefile │ │ ├── custom_grouped_gather_scatter.cpp │ │ ├── custom_grouped_gather_scatter.py │ │ └── static_ops.py │ │ ├── tests │ │ ├── test_data_generator.py │ │ ├── test_gnn.py │ │ ├── test_grouped_gather_scatter.py │ │ └── test_scatter_gathers.py │ │ ├── utils.py │ │ └── xpu.py ├── nbfnet │ └── pytorch_geometric │ │ ├── NBFNet_training.ipynb │ │ ├── README.md │ │ ├── configs │ │ ├── IndFB15k-237_v1.yaml │ │ └── IndFB15k-237_v4.yaml │ │ ├── data.py │ │ ├── hyperparameters.py │ │ ├── inference_utils.py │ │ ├── nbfnet.py │ │ ├── nbfnet_layer.py │ │ ├── nbfnet_utils.py │ │ ├── requirements.txt │ │ ├── run_nbfnet.py │ │ ├── static │ │ └── fb15k-237_entitymapping.txt │ │ └── tests │ │ ├── requirements.txt │ │ ├── test_convergence.py │ │ ├── test_notebook.py │ │ └── test_utils.py ├── ogb_lsc_pcqm4mv2 │ └── tensorflow2 │ │ ├── LICENSE │ │ ├── Makefile │ │ ├── NOTICE │ │ ├── OGB_paper_diagram.png │ │ ├── README.md │ │ ├── argparser.py │ │ ├── configs │ │ ├── GPS_PCQ_16gps_44M.yaml │ │ ├── GPS_PCQ_4gps_11M.yaml │ │ └── GPS_PCQ_8gps_22M.yaml │ │ ├── conftest.py │ │ ├── custom_callbacks.py │ │ ├── data_utils │ │ ├── feature_generation │ │ │ ├── Makefile │ │ │ ├── generic_features.py │ │ │ ├── laplacian_features.py │ │ │ ├── path_algorithms.pyx │ │ │ ├── random_walk_features.py │ │ │ └── utils.py │ │ ├── input_spec.py │ │ ├── load_dataset.py │ │ ├── packed_batch_generator.py │ │ ├── packing.py │ │ ├── pcq_dataset_28features.py │ │ ├── preprocess_dataset.py │ │ └── utils.py │ │ ├── gps++_inference.ipynb │ │ ├── gps++_training.ipynb │ │ ├── inference.py │ │ ├── model │ │ ├── encoders │ │ │ └── base_encoder.py │ │ ├── gnn │ │ │ ├── aggregators.py │ │ │ ├── embedding_layers.py │ │ │ ├── layers.py │ │ │ ├── loss.py │ │ │ └── losses_and_metrics.py │ │ ├── hybrid │ │ │ ├── layers.py │ │ │ ├── model.py │ │ │ └── utils.py │ │ └── utils.py │ │ ├── notebook_utils.py │ │ ├── pipeline │ │ ├── pipeline_stage_assignment.py │ │ └── pipeline_stage_names.py │ │ ├── plotting.py │ │ ├── requirements-dev.txt │ │ ├── requirements.txt │ │ ├── run_training.py │ │ ├── static_ops │ │ ├── Makefile │ │ ├── custom_grouped_gather_scatter.cpp │ │ └── static_ops.py │ │ ├── tests │ │ ├── subprocess_checker.py │ │ ├── test_base_encoder.py │ │ ├── test_checkpoints.py │ │ ├── test_feature_generation.py │ │ ├── test_grouped_gather_scatter.py │ │ ├── test_hybrid.py │ │ ├── test_load_dataset.py │ │ ├── test_notebook.py │ │ ├── test_packed_batch_generator.py │ │ └── test_scatter_gathers.py │ │ ├── utils.py │ │ └── xpu.py ├── schnet │ └── pytorch_geometric │ │ ├── README.md │ │ ├── molecular_property_prediction_with_schnet.ipynb │ │ ├── molecular_property_prediction_with_schnet_code_only.py │ │ ├── requirements.txt │ │ ├── test │ │ ├── requirements.txt │ │ └── test_schnet_notebook.py │ │ └── utils.py ├── spektral │ └── tensorflow2 │ │ ├── README.md │ │ ├── qm9_argparser.py │ │ ├── qm9_ipu.py │ │ ├── qm9_test.py │ │ └── requirements.txt └── tgn │ └── pytorch │ ├── .gitignore │ ├── README.md │ ├── Train_TGN.ipynb │ ├── benchmarks.yml │ ├── requirements.txt │ ├── static │ ├── architecture.png │ └── dynamic_graph.png │ ├── test │ ├── test_buffer.py │ ├── test_notebook.py │ └── test_tgn.py │ ├── tgn_modules.py │ └── train.py ├── gradient-badge.svg ├── multimodal ├── CLIP │ └── pytorch │ │ ├── README.md │ │ ├── args.py │ │ ├── benchmarks.yml │ │ ├── checkpoint.py │ │ ├── configs.yml │ │ ├── datasets │ │ ├── __init__.py │ │ ├── dataset.py │ │ ├── download.py │ │ ├── preprocess.py │ │ ├── simple_tokenizer.py │ │ └── text_templates.pt │ │ ├── ipu_options.py │ │ ├── log.py │ │ ├── model.py │ │ ├── optimization.py │ │ ├── requirements.txt │ │ ├── tests │ │ ├── cpu_ipu_test.py │ │ └── import_helper.py │ │ ├── train.py │ │ └── zero_shot.py ├── frozen_in_time │ └── pytorch │ │ ├── README.md │ │ ├── arch.jpg │ │ ├── benchmarks.yml │ │ ├── configs │ │ ├── __init__.py │ │ ├── logger_config.json │ │ ├── msrvtt_8ipu_4f.json │ │ ├── options.py │ │ ├── parse_config.py │ │ ├── unit_test.json │ │ ├── webvid2m-8ipu-1f.json │ │ ├── webvid2m-8ipu-2f.json │ │ └── webvid2m-8ipu-4f.json │ │ ├── datasets │ │ ├── MSRVTT_dataset.py │ │ ├── WebVid_dataset.py │ │ ├── __init__.py │ │ ├── base_dataset.py │ │ ├── clean_videos.py │ │ ├── data_loader.py │ │ └── download.py │ │ ├── modeling │ │ ├── __init__.py │ │ ├── loss.py │ │ ├── metric.py │ │ ├── model.py │ │ ├── multi_head_self_attention.py │ │ ├── trainer.py │ │ └── video_transformer.py │ │ ├── required_apt_packages.txt │ │ ├── requirements.txt │ │ ├── run.py │ │ └── tests │ │ ├── cpu_ipu_test.py │ │ └── test_train.py ├── magma │ └── popxl │ │ ├── .gitignore │ │ ├── README.md │ │ ├── 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 │ │ ├── magma_interactive.ipynb │ │ ├── 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 │ │ ├── pytest.ini │ │ ├── requirements.txt │ │ ├── run_inference.py │ │ ├── tests │ │ ├── conftest.py │ │ ├── layers │ │ │ ├── clip_resnet │ │ │ │ ├── test_attention_pool.py │ │ │ │ ├── test_batch_norm.py │ │ │ │ ├── test_bottleneck.py │ │ │ │ ├── test_modified_resnet.py │ │ │ │ └── test_stem.py │ │ │ ├── gptj │ │ │ │ ├── test_attention_TP.py │ │ │ │ ├── test_decoder_block_TP.py │ │ │ │ ├── test_feed_forward_TP.py │ │ │ │ ├── test_gptj_TP.py │ │ │ │ └── test_lm_TP.py │ │ │ ├── test_adapters_TP.py │ │ │ └── test_image_prefix.py │ │ ├── test_config.yml │ │ └── test_notebook.py │ │ └── utils │ │ ├── __init__.py │ │ ├── sampling.py │ │ ├── setup.py │ │ └── simple_parsing_tools.py └── mini_dalle │ └── pytorch │ ├── README.md │ ├── args.py │ ├── benchmarks.yml │ ├── configs.yml │ ├── generate.py │ ├── ipu_options.py │ ├── log.py │ ├── models │ ├── __init__.py │ ├── attention.py │ ├── bpe │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ └── bpe_yttm_vocab.txt │ ├── dalle.py │ ├── loader.py │ ├── optimization.py │ ├── pipeline_dalle.py │ ├── tokenizer.py │ ├── transformer.py │ └── vae.py │ ├── process_captions.py │ ├── requirements.txt │ ├── tests │ └── cpu_ipu_test.py │ ├── train.py │ └── training_scripts │ ├── train_POD16.sh │ ├── train_POD4.sh │ └── train_POD64.sh ├── nlp ├── bert │ ├── popxl │ │ ├── .gitignore │ │ ├── README.md │ │ ├── benchmarks.yml │ │ ├── config │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── pretraining.yml │ │ │ ├── squad_inference.yml │ │ │ └── squad_training.yml │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── pretraining_data.py │ │ │ └── squad_data.py │ │ ├── imgs │ │ │ ├── bert_bs_buffers.png │ │ │ ├── bert_large_execution.png │ │ │ └── tied_embedding.png │ │ ├── modelling │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── bert_model.py │ │ │ ├── embedding.py │ │ │ ├── feed_forward.py │ │ │ ├── mlm.py │ │ │ ├── nsp.py │ │ │ └── squad.py │ │ ├── pretraining.py │ │ ├── pytest.ini │ │ ├── requirements.txt │ │ ├── run_pretraining.py │ │ ├── run_squad_inference.py │ │ ├── run_squad_training.py │ │ ├── squad_inference.py │ │ ├── squad_training.py │ │ ├── tests │ │ │ ├── README.md │ │ │ ├── conftest.py │ │ │ ├── integration │ │ │ │ ├── execution │ │ │ │ │ └── test_execution.py │ │ │ │ └── layer │ │ │ │ │ ├── test_attention.py │ │ │ │ │ ├── test_embedding.py │ │ │ │ │ ├── test_feed_forward.py │ │ │ │ │ └── test_pretraining.py │ │ │ ├── test_config.yml │ │ │ └── unit │ │ │ │ ├── layer │ │ │ │ ├── test_attention_graph.py │ │ │ │ ├── test_embedding_graph.py │ │ │ │ ├── test_feed_forward_graph.py │ │ │ │ └── test_squad_graph.py │ │ │ │ └── test_configuration.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── checkpoint.py │ │ │ ├── lr_schedule.py │ │ │ ├── setup.py │ │ │ └── simple_parsing_tools.py │ ├── pytorch │ │ ├── .gitignore │ │ ├── LICENSE │ │ ├── Makefile │ │ ├── README.md │ │ ├── args.py │ │ ├── benchmarks.yml │ │ ├── bert_fused_attention.py │ │ ├── checkpointing.py │ │ ├── configs_pretraining.yml │ │ ├── configs_squad.yml │ │ ├── custom_ops │ │ │ └── workarounds │ │ │ │ └── residual_add_inplace_pattern.cpp │ │ ├── data │ │ │ ├── packing │ │ │ │ ├── pack_128.sh │ │ │ │ ├── pack_384.sh │ │ │ │ ├── pack_512.sh │ │ │ │ ├── pack_pretraining_data.py │ │ │ │ ├── sample_text_packed.index │ │ │ │ ├── sample_text_packed.tfrecord │ │ │ │ └── shuffle_packed_data.py │ │ │ ├── sample_text.index │ │ │ ├── sample_text.tfrecord │ │ │ ├── sample_text.txt │ │ │ ├── wikipedia_download.sh │ │ │ ├── wikipedia_extract.sh │ │ │ ├── wikipedia_preprocess.py │ │ │ └── wikipedia_tokenize.py │ │ ├── ipu_options.py │ │ ├── modeling.py │ │ ├── optimization.py │ │ ├── pretraining_data.py │ │ ├── required_apt_packages.txt │ │ ├── requirements.txt │ │ ├── run_benchmark_with_triton_server.py │ │ ├── run_pretraining.py │ │ ├── run_squad.py │ │ ├── squad_data.py │ │ ├── tests │ │ │ ├── __init__.py │ │ │ ├── accuracy_test.py │ │ │ ├── argparse_test.py │ │ │ ├── bert_tiny_test.py │ │ │ ├── checkpoint_test.py │ │ │ ├── conftest.py │ │ │ ├── cpu_ipu_test.py │ │ │ ├── packing_script_test.py │ │ │ ├── recompute_checkpoint_test.py │ │ │ └── wikipedia_dataset_test.py │ │ ├── tests_serial │ │ │ ├── __init__.py │ │ │ ├── conftest.py │ │ │ ├── poprun_test.py │ │ │ └── tritonserver │ │ │ │ ├── conftest.py │ │ │ │ ├── import_helper.py │ │ │ │ ├── model_export.py │ │ │ │ ├── models │ │ │ │ └── bert │ │ │ │ │ ├── 1 │ │ │ │ │ └── name_map.json │ │ │ │ │ └── config.pbtxt │ │ │ │ ├── multi_client_test.py │ │ │ │ └── test_utils.py │ │ ├── third_party │ │ │ └── create_pretraining_data.py │ │ └── utils.py │ └── tensorflow2 │ │ ├── .gitignore │ │ ├── NOTICE │ │ ├── README.md │ │ ├── benchmarks.yml │ │ ├── configs │ │ ├── glue_base.json │ │ ├── glue_base_checkpoint_path.json │ │ ├── pretrain_base_128_phase1.json │ │ ├── pretrain_base_128_phase1_POD64.json │ │ ├── pretrain_base_128_phase1_pod4.json │ │ ├── pretrain_base_384_phase2.json │ │ ├── pretrain_base_384_phase2_pod4.json │ │ ├── pretrain_base_512_phase2.json │ │ ├── pretrain_base_512_phase2_pod4.json │ │ ├── pretrain_large_128_phase1.json │ │ ├── pretrain_large_128_phase1_POD64.json │ │ ├── pretrain_large_128_phase1_pod4.json │ │ ├── pretrain_large_384_phase2.json │ │ ├── pretrain_large_384_phase2_POD64.json │ │ ├── pretrain_large_384_phase2_pod4.json │ │ ├── pretrain_large_512_phase2.json │ │ ├── pretrain_large_512_phase2_pod4.json │ │ ├── pretrain_tiny_128_phase1.json │ │ ├── squad_base.json │ │ ├── squad_base_checkpoint_path.json │ │ ├── squad_large.json │ │ └── squad_large_checkpoint_path.json │ │ ├── data_utils │ │ ├── batch_config.py │ │ ├── glue │ │ │ └── load_glue_data.py │ │ ├── squad_v1 │ │ │ ├── load_squad_data.py │ │ │ └── postprocess_squad_predictions.py │ │ └── wikipedia │ │ │ ├── load_wikipedia_data.py │ │ │ ├── sample_text.tfrecord │ │ │ └── sample_text.txt │ │ ├── figs │ │ └── MLM_loss_phase1.png │ │ ├── keras_extensions │ │ ├── callbacks │ │ │ ├── allreduce_metrics_callback.py │ │ │ ├── batch_statistics_callback.py │ │ │ ├── callback_factory.py │ │ │ ├── checkpoint_callback.py │ │ │ ├── compilation_time_callback.py │ │ │ ├── custom_wandb_callback.py │ │ │ ├── logging_callback.py │ │ │ ├── outfeed_queue_callback.py │ │ │ └── periodic_metrics.py │ │ ├── learning_rate │ │ │ ├── decorators.py │ │ │ ├── lr_schedules.py │ │ │ └── scheduler_builder.py │ │ ├── model_transformations.py │ │ └── optimization.py │ │ ├── model │ │ ├── accuracy.py │ │ ├── convert_bert_model.py │ │ ├── ipu_custom_keras_layers.py │ │ ├── ipu_embeddings_layer.py │ │ ├── ipu_lm_prediction_head.py │ │ ├── ipu_pretraining_model.py │ │ ├── ipu_self_attention.py │ │ ├── ipu_self_output.py │ │ ├── losses.py │ │ └── pipeline_stage_names.py │ │ ├── requirements.txt │ │ ├── run_pretraining.py │ │ ├── run_seq_classification.py │ │ ├── run_squad.py │ │ ├── scripts │ │ └── pretrain_distributed.sh │ │ ├── tests │ │ ├── __init__.py │ │ ├── glue_tiny_test.json │ │ ├── pretrain_tiny_test.json │ │ ├── squad_tiny_test.json │ │ ├── test_batch_config.py │ │ ├── test_callback_checkpoint.py │ │ ├── test_convert_bert_model.py │ │ ├── test_convert_glue.py │ │ ├── test_convert_squad.py │ │ ├── test_enqueuer.py │ │ ├── test_glue.py │ │ ├── test_model_optimization.py │ │ ├── test_optimizer_scaling.py │ │ ├── test_options.py │ │ ├── test_pretraining.py │ │ ├── test_squad.py │ │ ├── utils.py │ │ └── wikipedia_dataset_test.py │ │ ├── tests_serial │ │ ├── __init__.py │ │ └── test_popdist_train.py │ │ └── utilities │ │ ├── argparser.py │ │ ├── assign_pipeline_stages.py │ │ ├── checkpoint_utility.py │ │ ├── ipu_utils.py │ │ ├── metric_enqueuer.py │ │ └── options.py ├── bloom │ └── popxl │ │ ├── .gitignore │ │ ├── README.md │ │ ├── config │ │ ├── __init__.py │ │ ├── config.py │ │ └── inference.yml │ │ ├── generate_memmap.py │ │ ├── img │ │ └── gradio.png │ │ ├── inference.py │ │ ├── modelling │ │ ├── __init__.py │ │ ├── alibi.py │ │ ├── attention.py │ │ ├── bloom_lm.py │ │ ├── bloom_model.py │ │ ├── decoder.py │ │ ├── embedding.py │ │ └── feed_forward.py │ │ ├── pytest.ini │ │ ├── requirements.txt │ │ ├── run_inference.py │ │ ├── run_inference_gradio.py │ │ ├── tests │ │ ├── conftest.py │ │ ├── integration │ │ │ ├── execution │ │ │ │ └── test_execution.py │ │ │ └── layers │ │ │ │ ├── test_attention.py │ │ │ │ ├── test_decoder_block.py │ │ │ │ ├── test_embedding.py │ │ │ │ ├── test_feed_forward.py │ │ │ │ └── test_lm.py │ │ └── test_config.yml │ │ └── utils │ │ ├── __init__.py │ │ ├── setup.py │ │ ├── simple_parsing_tools.py │ │ └── utils.py ├── dolly │ └── popxl │ │ ├── .gitignore │ │ ├── Dolly2-an-OSS-instruction-LLM.ipynb │ │ ├── OpenAssistant-Pythia-12B-Chatbot.ipynb │ │ ├── README.md │ │ ├── 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 │ │ ├── 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 ├── gpt2 │ └── pytorch │ │ ├── LICENSE │ │ ├── Makefile │ │ ├── README.md │ │ ├── arguments.py │ │ ├── benchmarks.yml │ │ ├── config │ │ ├── config.json │ │ ├── config_large.json │ │ ├── config_medium.json │ │ ├── config_test.json │ │ └── config_xl.json │ │ ├── custom_ops │ │ ├── remap_tensor_ce.cpp │ │ ├── remap_tensor_ce.hpp │ │ └── workarounds │ │ │ └── residual_add_inplace_pattern.cpp │ │ ├── data │ │ ├── extract_and_merge.py │ │ ├── indexed_dataset.py │ │ ├── wikipedia_download.sh │ │ ├── wikipedia_extract.sh │ │ ├── wikipedia_preprocess.py │ │ └── write_into_tfrecord.py │ │ ├── inference_gpt2.py │ │ ├── ipu_options.py │ │ ├── model │ │ └── optimized_gpt2_attn.py │ │ ├── requirements.txt │ │ ├── run │ │ ├── inference_xlarge.sh │ │ ├── pretraining_large.sh │ │ ├── pretraining_large_512.sh │ │ ├── pretraining_large_poprun.sh │ │ ├── pretraining_medium.sh │ │ ├── pretraining_small.sh │ │ └── pretraining_test.sh │ │ ├── tasks │ │ ├── detokenizer.py │ │ ├── evaluate_lambada.py │ │ ├── evaluate_utils.py │ │ ├── evaluate_wiki.py │ │ ├── run_evaluate_medium.sh │ │ └── run_text_generator.sh │ │ ├── tests │ │ ├── __init__py │ │ ├── conftest.py │ │ ├── cpu_ipu_test.py │ │ ├── import_helper.py │ │ ├── loss_seralize_test.py │ │ └── tokenizer_test.py │ │ ├── text_generate_gpt2.py │ │ ├── tokenizer │ │ ├── __init__.py │ │ ├── gpt2-merges-50256.txt │ │ ├── gpt2-vocab-50256.json │ │ └── gpt2_tokenization.py │ │ ├── tools.py │ │ └── train_gpt2.py ├── gpt3_175B │ └── popxl │ │ ├── .gitignore │ │ ├── README.md │ │ ├── config │ │ ├── __init__.py │ │ ├── config.py │ │ └── pretraining.yml │ │ ├── data │ │ ├── WikicorpusTextFormatting.py │ │ ├── __init__.py │ │ ├── data_utils.py │ │ ├── wikipedia_download.sh │ │ ├── wikipedia_extract.sh │ │ ├── wikipedia_preprocess.py │ │ └── write_into_tfrecord.py │ │ ├── imgs │ │ ├── backwards.png │ │ ├── bs_buffers.png │ │ ├── forward.png │ │ └── optimiser.png │ │ ├── modelling │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── decoder.py │ │ ├── embedding.py │ │ ├── feed_forward.py │ │ ├── gpt_lm.py │ │ ├── gpt_model.py │ │ └── hf_mapping.py │ │ ├── pretraining.py │ │ ├── pretraining_config.py │ │ ├── pytest.ini │ │ ├── required_apt_packages.txt │ │ ├── requirements.txt │ │ ├── run_pretraining.py │ │ ├── tests │ │ ├── conftest.py │ │ ├── integration │ │ │ ├── execution │ │ │ │ └── test_execution.py │ │ │ └── layers │ │ │ │ ├── test_attention_TP2D.py │ │ │ │ ├── test_cross_entropy_sharded_loss_TP2D.py │ │ │ │ ├── test_decoder_block_TP2D.py │ │ │ │ ├── test_embedding_TP2D.py │ │ │ │ ├── test_feedforward_TP2D.py │ │ │ │ ├── test_lm_TP2D.py │ │ │ │ └── test_lm_loss_and_grad_TP2D.py │ │ └── test_config.yml │ │ └── utils │ │ ├── __init__.py │ │ ├── setup.py │ │ ├── simple_parsing_tools.py │ │ └── utils.py ├── gpt3_2.7B │ └── popxl │ │ ├── .gitignore │ │ ├── README.md │ │ ├── config │ │ ├── __init__.py │ │ ├── config.py │ │ ├── inference.yml │ │ ├── mnli_finetuning.yml │ │ └── pretraining.yml │ │ ├── data │ │ ├── __init__.py │ │ ├── data_utils.py │ │ ├── mnli │ │ │ ├── __init__.py │ │ │ ├── hf_data_utils.py │ │ │ └── mnli_data.py │ │ └── wikipedia │ │ │ ├── README.md │ │ │ ├── WikicorpusTextFormatting.py │ │ │ ├── __init__.py │ │ │ ├── wikipedia_download.sh │ │ │ ├── wikipedia_extract.sh │ │ │ ├── wikipedia_preprocess.py │ │ │ └── write_into_tfrecord.py │ │ ├── generative_inference.py │ │ ├── imgs │ │ ├── backwards.png │ │ ├── bs_buffers.png │ │ ├── forward.png │ │ └── optimiser.png │ │ ├── mnli_finetuning.py │ │ ├── mnli_finetuning_config.py │ │ ├── mnli_inference.py │ │ ├── modelling │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── decoder.py │ │ ├── embedding.py │ │ ├── feed_forward.py │ │ ├── gpt_lm.py │ │ ├── gpt_model.py │ │ ├── hf_mapping.py │ │ └── mnli.py │ │ ├── pretraining.py │ │ ├── pretraining_config.py │ │ ├── pytest.ini │ │ ├── requirements.txt │ │ ├── run_generative_inference.py │ │ ├── run_mnli_finetuning.py │ │ ├── run_mnli_validation.py │ │ ├── run_pretraining.py │ │ ├── tests │ │ ├── conftest.py │ │ ├── integration │ │ │ ├── execution │ │ │ │ ├── test_execution.py │ │ │ │ └── test_pretraining_overfitting.py │ │ │ └── layers │ │ │ │ ├── test_decoder_block_TP.py │ │ │ │ ├── test_gpt_TP.py │ │ │ │ └── test_lm_TP.py │ │ └── test_config.yml │ │ └── utils │ │ ├── __init__.py │ │ ├── inference.py │ │ ├── setup.py │ │ ├── simple_parsing_tools.py │ │ └── utils.py ├── gpt_j │ └── popxl │ │ ├── .gitignore │ │ ├── GPTJ-generative-inference.ipynb │ │ ├── GPTJ-group-quantized.ipynb │ │ ├── README.md │ │ ├── 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 ├── llama │ └── popxl │ │ ├── .gitignore │ │ ├── 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 │ │ │ ├── __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 │ │ ├── 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 └── t5 │ └── popxl │ ├── .gitignore │ ├── Flan-T5-generative-inference.ipynb │ ├── Flan-T5-textual-entailment-fine-tuning.ipynb │ ├── README.md │ ├── 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 │ ├── bs_buffers.png │ ├── data_parallelism.png │ ├── dp_tp.png │ ├── execution.jpg │ ├── mnli_dataset.png │ ├── rts.png │ ├── tensor_parallelism.png │ ├── tp.jpg │ └── tp_dp_rts.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 │ ├── pytest.ini │ ├── requirements-dev.txt │ ├── requirements.txt │ ├── run_finetuning.py │ ├── run_validation.py │ ├── tests │ ├── conftest.py │ ├── integration │ │ ├── execution │ │ │ └── test_execution.py │ │ └── layers │ │ │ ├── test_attention_TP.py │ │ │ ├── test_embedding_TP.py │ │ │ ├── test_encoder_decoder_block_TP.py │ │ │ ├── test_feed_forward_TP.py │ │ │ ├── test_layer_norm.py │ │ │ ├── test_lm_TP.py │ │ │ └── test_t5_TP.py │ └── test_config.yml │ └── utils │ ├── __init__.py │ ├── inference.py │ ├── pipeline.py │ ├── setup.py │ ├── simple_parsing_tools.py │ ├── trainer.py │ └── utils.py ├── preview ├── multimodal │ └── perceiver_io │ │ └── pytorch │ │ ├── README.md │ │ ├── configs │ │ ├── cifar10_classification.json │ │ ├── debug_classification.json │ │ ├── debug_ipu_config.json │ │ ├── hparams.py │ │ ├── imagenet1k_classification.json │ │ ├── ipu_config.json │ │ └── pipelined_ipu_config.json │ │ ├── dataset_factory.py │ │ ├── models │ │ ├── model_factory.py │ │ ├── modelling_perceiver.py │ │ └── multimodal_modelling.py │ │ ├── parsing.py │ │ ├── perceiver_trainer.py │ │ ├── requirements.txt │ │ ├── run_cpu.py │ │ ├── run_ipu.py │ │ └── run_multimodal_inference.py └── vision │ └── yolo_v4 │ └── pytorch │ ├── Makefile │ ├── README.md │ ├── benchmarks.yml │ ├── configs │ ├── class_name.yaml │ ├── inference-yolov4p5.yaml │ └── training-yolov4p5.yaml │ ├── conftest.py │ ├── models │ ├── __init__.py │ ├── backbone │ │ └── yolov4_p5.py │ ├── detector.py │ ├── head │ │ └── yolov4_head.py │ ├── layers.py │ ├── loss.py │ ├── neck │ │ └── yolov4_p5.py │ ├── recomputation.py │ └── yolov4_p5.py │ ├── requirements.txt │ ├── run.py │ ├── tests │ ├── autoanchors_test.py │ ├── backbone_test.py │ ├── fusing_test.py │ ├── head_test.py │ ├── label_preprocessing_test.py │ ├── loss_test.py │ ├── model_test.py │ ├── neck_test.py │ ├── nms_test.py │ ├── preprocessing_test.py │ ├── test_tools.py │ └── tools_test.py │ └── utils │ ├── __init__.py │ ├── anchors.py │ ├── autoanchors_nlabels_sweep.py │ ├── config.py │ ├── custom_ops.py │ ├── custom_ops │ ├── copy_tensor │ │ └── copy_custom_op.cpp │ └── nms │ │ ├── codelet.cpp │ │ ├── ipu_utils.cpp │ │ ├── ipu_utils.hpp │ │ ├── nms.cpp │ │ ├── nms.hpp │ │ ├── nms_custom_op.cpp │ │ └── utils.hpp │ ├── dataset.py │ ├── download_coco_dataset.sh │ ├── parse_args.py │ ├── postprocessing.py │ ├── preprocessing.py │ ├── tools.py │ ├── visualization.py │ └── weight_avg.py ├── probability └── adversarial_generalized_method_of_moments │ └── tensorflow2 │ ├── AdGMoM_conf_default.yaml │ ├── README.md │ ├── logging_util.py │ ├── requirements.txt │ ├── test_tf2_AdGMoM.py │ └── tf2_AdGMoM.py ├── pytest.ini ├── setup.cfg ├── speech ├── conformer │ └── pytorch │ │ ├── .gitignore │ │ ├── LICENSE │ │ ├── Makefile │ │ ├── README.md │ │ ├── benchmarks.yml │ │ ├── configs │ │ └── train.yaml │ │ ├── custom_ops │ │ ├── TileMappingCommon.cpp │ │ ├── TileMappingCommon.hpp │ │ ├── remap_tensor_ce.cpp │ │ └── remap_tensor_ce.hpp │ │ ├── main.py │ │ ├── pic │ │ └── fp16_loss_public.jpg │ │ ├── requirements.txt │ │ ├── scripts │ │ ├── decode.sh │ │ ├── run_wenet_conformer_fp16.sh │ │ ├── run_wenet_conformer_fp32.sh │ │ ├── run_wenet_conformer_generate.sh │ │ ├── run_wenet_conformer_globalbs_16128_pod16.sh │ │ └── run_wenet_conformer_globalbs_16128_pod64.sh │ │ ├── src │ │ ├── __init__.py │ │ ├── conformer.py │ │ ├── conformer_encoder.py │ │ ├── global_cmvn.py │ │ ├── iterator │ │ │ ├── dataset.py │ │ │ ├── generate_data.py │ │ │ └── processor.py │ │ ├── label_smoothing_loss.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── convolution.py │ │ │ ├── ctc_loss.py │ │ │ ├── decoder_layer.py │ │ │ ├── embedding.py │ │ │ ├── encoder_layer.py │ │ │ ├── layer_norm.py │ │ │ ├── positionwise_feed_forward.py │ │ │ ├── subsampling.py │ │ │ └── swish.py │ │ ├── trainer.py │ │ ├── transformer_decoder.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── average_model.py │ │ │ ├── checkpoint.py │ │ │ ├── cmvn.py │ │ │ ├── common.py │ │ │ ├── compute_cer.py │ │ │ ├── file_utils.py │ │ │ ├── initializer.py │ │ │ ├── ipu_pipeline.py │ │ │ ├── key_utils.py │ │ │ ├── lr_scheduler.py │ │ │ ├── mask.py │ │ │ ├── remap_tensor.py │ │ │ ├── repeat.py │ │ │ └── score.py │ │ └── tests │ │ ├── __init__.py │ │ ├── conftest.py │ │ ├── modeling.py │ │ └── test_forward_grad.py └── fastpitch │ └── pytorch │ ├── .gitignore │ ├── LICENSE │ ├── ORIGINAL-FASTPITCH-LICENSE │ ├── README.md │ ├── benchmarks.yml │ ├── common │ ├── audio_processing.py │ ├── layers.py │ ├── stft.py │ ├── tb_dllogger.py │ ├── text │ │ ├── LICENSE │ │ ├── __init__.py │ │ ├── abbreviations.py │ │ ├── acronyms.py │ │ ├── cleaners.py │ │ ├── cmudict.py │ │ ├── datestime.py │ │ ├── letters_and_numbers.py │ │ ├── numerical.py │ │ ├── symbols.py │ │ └── text_processing.py │ └── utils.py │ ├── data_functions.py │ ├── dataset.py │ ├── extract_mels.py │ ├── fastpitch │ ├── arg_parser.py │ ├── data_function.py │ ├── loss_function.py │ ├── model.py │ ├── model_jit.py │ ├── transformer.py │ └── transformer_jit.py │ ├── filelists │ ├── ljs_audio_text_test_filelist.txt │ ├── ljs_audio_text_train_filelist.txt │ ├── ljs_audio_text_val_filelist.txt │ ├── ljs_mel_dur_pitch_text_test_filelist.txt │ ├── ljs_mel_dur_pitch_text_train_filelist.txt │ └── ljs_mel_dur_pitch_text_val_filelist.txt │ ├── inference.py │ ├── ipu_config.py │ ├── loss_functions.py │ ├── models.py │ ├── pic │ └── loss_curve.jpeg │ ├── pipeline_base_model.py │ ├── pitch_transform.py │ ├── platform │ └── FastPitch_FP32_4IPU.sh │ ├── requirements.txt │ ├── scripts │ ├── download_dataset.sh │ ├── download_tacotron2.sh │ ├── download_waveglow.sh │ └── prepare_dataset.sh │ ├── tacotron2 │ ├── arg_parser.py │ ├── data_function.py │ ├── loss_function.py │ └── model.py │ ├── tests │ ├── __init__.py │ ├── test_layers.py │ └── unit_tester.py │ ├── train.py │ └── waveglow │ ├── arg_parser.py │ ├── data_function.py │ ├── denoiser.py │ ├── loss_function.py │ └── model.py ├── tutorials ├── .gitignore ├── README.md ├── blogs_code │ ├── README.md │ ├── finetuning-packedBERT │ │ ├── README.md │ │ ├── images │ │ │ ├── attention-mask-draw.png │ │ │ ├── packing-creator-example.png │ │ │ └── pooling-draw-edit.png │ │ ├── requirements-dev.txt │ │ ├── requirements.txt │ │ ├── test_walkthrough.py │ │ └── walkthrough.ipynb │ ├── gnns │ │ ├── README.md │ │ ├── graph_packing.ipynb │ │ ├── graph_packing_files │ │ │ ├── graph_packing_11_1.png │ │ │ ├── graph_packing_11_2.png │ │ │ ├── graph_packing_11_3.png │ │ │ ├── graph_packing_11_4.png │ │ │ ├── graph_packing_12_1.png │ │ │ ├── graph_packing_12_2.png │ │ │ ├── graph_packing_12_3.png │ │ │ ├── graph_packing_12_4.png │ │ │ ├── graph_packing_14_1.png │ │ │ ├── graph_packing_14_10.png │ │ │ ├── graph_packing_14_11.png │ │ │ ├── graph_packing_14_13.png │ │ │ ├── graph_packing_14_14.png │ │ │ ├── graph_packing_14_2.png │ │ │ ├── graph_packing_14_4.png │ │ │ ├── graph_packing_14_5.png │ │ │ ├── graph_packing_14_7.png │ │ │ ├── graph_packing_14_8.png │ │ │ └── graph_packing_30_0.png │ │ ├── requirements-dev.txt │ │ ├── requirements.txt │ │ └── test_graph_packing.py │ └── packedBERT │ │ ├── README.md │ │ ├── ennlshp.py │ │ ├── histograms.py │ │ ├── lpfhp.py │ │ ├── nnlshp.py │ │ └── spfhp.py ├── feature_examples │ ├── README.md │ ├── poplar │ │ ├── README.md │ │ ├── advanced_example │ │ │ ├── .gitignore │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── codelets.cpp │ │ │ ├── main.cpp │ │ │ ├── required_apt_packages.txt │ │ │ ├── tests │ │ │ │ ├── requirements.txt │ │ │ │ └── test_example.py │ │ │ └── utils.h │ │ └── prefetch │ │ │ ├── .gitignore │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── prefetch.cpp │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── test_prefetch.py │ ├── pytorch │ │ ├── README.md │ │ ├── custom_op │ │ │ ├── README.md │ │ │ ├── cube_op_example │ │ │ │ ├── Makefile │ │ │ │ ├── cube_fn_custom_op.cpp │ │ │ │ └── tests │ │ │ │ │ ├── requirements.txt │ │ │ │ │ └── test_cube_op.py │ │ │ ├── leaky_relu_example │ │ │ │ ├── Makefile │ │ │ │ ├── leaky_relu_custom_op.cpp │ │ │ │ ├── requirements.txt │ │ │ │ ├── run_leaky_relu.py │ │ │ │ └── test_lrelu.py │ │ │ ├── poptorch_custom_op.py │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_poptorch_custom_op.py │ │ ├── octconv │ │ │ ├── README.md │ │ │ ├── octconv_example.py │ │ │ ├── requirements.txt │ │ │ └── test_octconv.py │ │ └── popdist │ │ │ ├── README.md │ │ │ ├── popdist_training.py │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── test_popdist_training.py │ └── tensorflow2 │ │ ├── README.md │ │ ├── embeddings │ │ ├── README.md │ │ ├── imdb.py │ │ ├── imdb_sequential.py │ │ ├── imdb_single_ipu.py │ │ ├── imdb_single_ipu_sequential.py │ │ ├── requirements.txt │ │ └── test_imdb.py │ │ ├── inspecting_tensors │ │ ├── README.md │ │ ├── mnist.py │ │ ├── outfeed_callback.py │ │ ├── outfeed_layers.py │ │ ├── outfeed_optimizer.py │ │ ├── outfeed_wrapper.py │ │ ├── requirements.txt │ │ └── tests │ │ │ ├── test_mnist.py │ │ │ └── test_outfeed_optimizer.py │ │ ├── ipu_estimator │ │ ├── README.md │ │ ├── cifar10_ipu_estimator.py │ │ ├── cifar10_ipu_estimator_replica.py │ │ ├── cifar10_ipu_pipeline_estimator.py │ │ ├── data.py │ │ ├── model.py │ │ ├── requirements.txt │ │ ├── test_cifar10.py │ │ └── utils.py │ │ ├── popdist │ │ ├── README.md │ │ ├── popdist_inference.py │ │ ├── popdist_training.py │ │ └── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── test_popdist_example.py │ │ └── recomputation_checkpoints │ │ ├── README.md │ │ ├── recompute_lstm.py │ │ ├── static │ │ ├── LSTM_7_checkpoints.png │ │ └── LSTM_no_checkpoints.png │ │ └── tests │ │ ├── requirements.txt │ │ └── test_recompute_lstm.py ├── simple_applications │ ├── README.md │ ├── poplar │ │ └── mnist │ │ │ ├── .gitignore │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── get_data.sh │ │ │ ├── mnist.cpp │ │ │ ├── mnist.h │ │ │ ├── regression-demo.cpp │ │ │ └── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── test_poplar_mnist.py │ ├── pytorch │ │ ├── bert │ │ │ ├── README.md │ │ │ ├── bert_inference.py │ │ │ ├── context.txt │ │ │ ├── questions.txt │ │ │ ├── requirements.txt │ │ │ └── test_bert_inference.py │ │ └── mnist │ │ │ ├── README.md │ │ │ ├── metrics.py │ │ │ ├── mnist_poptorch.ipynb │ │ │ ├── mnist_poptorch.py │ │ │ ├── mnist_poptorch_code_only.py │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ ├── requirements.txt │ │ │ └── test_mnist.py │ ├── pytorch_lightning │ │ └── shakespeare-rnn │ │ │ ├── README.md │ │ │ ├── requirements-dev.txt │ │ │ ├── requirements.txt │ │ │ ├── smoke_test.py │ │ │ └── train.py │ └── tensorflow2 │ │ └── mnist │ │ ├── README.md │ │ ├── mnist.ipynb │ │ ├── mnist.py │ │ ├── mnist_code_only.py │ │ ├── requirements.txt │ │ └── tests │ │ ├── requirements.txt │ │ └── test_mnist.py ├── tech_notes_code │ ├── README.md │ ├── available_memory │ │ ├── README.md │ │ ├── pytorch_demo.py │ │ ├── requirements.txt │ │ ├── sweep.py │ │ └── tests │ │ │ └── pytorch │ │ │ └── test_all.py │ ├── model_parallelism │ │ ├── README.md │ │ └── tensorflow2_code │ │ │ ├── inference_pipelining.py │ │ │ ├── inference_pipelining_sequential.py │ │ │ ├── inference_pipelining_set_pipeline_stage.py │ │ │ ├── tests │ │ │ ├── requirements.txt │ │ │ └── test_model_parallelism_tf2.py │ │ │ ├── training_pipelining.py │ │ │ └── training_pipelining_sequential.py │ └── recompilation │ │ ├── .gitignore │ │ ├── README.md │ │ └── tensorflow2 │ │ ├── TF2_recompilation.py │ │ └── tests │ │ ├── README.md │ │ ├── requirements.txt │ │ └── test_tf2.py ├── tutorials │ ├── README.md │ ├── poplar │ │ ├── README.md │ │ ├── tut1_variables │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── complete │ │ │ │ ├── tut1_ipu_hardware_complete.cpp │ │ │ │ └── tut1_ipu_model_complete.cpp │ │ │ ├── start_here │ │ │ │ └── tut1.cpp │ │ │ └── tests │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tut1.py │ │ ├── tut2_operations │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── complete │ │ │ │ └── tut2_complete.cpp │ │ │ ├── start_here │ │ │ │ └── tut2.cpp │ │ │ └── tests │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tut2.py │ │ ├── tut3_vertices │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── complete │ │ │ │ ├── tut3_codelets.cpp │ │ │ │ └── tut3_complete.cpp │ │ │ ├── start_here │ │ │ │ ├── tut3.cpp │ │ │ │ └── tut3_codelets.cpp │ │ │ └── tests │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tut3.py │ │ ├── tut4_profiling │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── libpva │ │ │ │ ├── cpp_example.cpp │ │ │ │ └── python_example.py │ │ │ ├── screenshots │ │ │ │ ├── PopVision_GA_computation_graph.png │ │ │ │ ├── PopVision_GA_execution.png │ │ │ │ ├── PopVision_GA_liveness.png │ │ │ │ ├── PopVision_GA_liveness_2_reports.png │ │ │ │ ├── PopVision_GA_memory.png │ │ │ │ ├── PopVision_GA_operations.png │ │ │ │ ├── PopVision_GA_program_tree.png │ │ │ │ └── PopVision_GA_summary.png │ │ │ ├── tests │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tut4.py │ │ │ ├── tut4_ipu_hardware.cpp │ │ │ └── tut4_ipu_model.cpp │ │ ├── tut5_matrix_vector │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── complete │ │ │ │ ├── Makefile │ │ │ │ ├── matrix-mul-codelets.cpp │ │ │ │ ├── tut5_complete.cpp │ │ │ │ └── tut5_ipu_hardware_complete.cpp │ │ │ ├── start_here │ │ │ │ ├── Makefile │ │ │ │ ├── matrix-mul-codelets.cpp │ │ │ │ └── tut5.cpp │ │ │ └── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ ├── test_tut5_complete.py │ │ │ │ └── test_tut5_ipu_hardware_complete.py │ │ └── tut6_matrix_vector_opt │ │ │ ├── .gitignore │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── matrix-mul-codelets.cpp │ │ │ ├── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── test_tut6.py │ │ │ └── tut6.cpp │ ├── popvision │ │ ├── README.md │ │ ├── libpva │ │ │ ├── MemoryByTilePlot.png │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tuto_libpva.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ │ ├── lightweight_profiling │ │ │ ├── README.md │ │ │ ├── examples │ │ │ │ ├── example_1.cpp │ │ │ │ ├── example_2.cpp │ │ │ │ ├── example_3.cpp │ │ │ │ └── example_3_a.cpp │ │ │ ├── images │ │ │ │ └── program_tree.png │ │ │ └── tests │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_lightweight_profiling.py │ │ ├── reading_pvti_files │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── metrics.py │ │ │ ├── poptorch_mnist.py │ │ │ ├── requirements.txt │ │ │ ├── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tuto_read_pvti.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ │ └── system_analyser_instrumentation │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── metrics.py │ │ │ ├── poptorch_mnist.py │ │ │ ├── poptorch_mnist_complete.py │ │ │ ├── requirements.txt │ │ │ ├── screenshots │ │ │ ├── mnist.png │ │ │ ├── mnist_instrumented.png │ │ │ ├── mnist_instrumented_heatmaps.png │ │ │ ├── mnist_instrumented_instant_events.png │ │ │ ├── mnist_instrumented_loss.png │ │ │ └── mnist_instrumented_loss_accuracy_cpuload.png │ │ │ ├── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── test_tuto_SA_instrumentation.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ ├── popxl │ │ ├── 1_basic_concepts │ │ │ ├── README.md │ │ │ ├── images │ │ │ │ ├── module_graph_bgraph.png │ │ │ │ └── workflow.png │ │ │ ├── mnist.ipynb │ │ │ ├── mnist.py │ │ │ ├── mnist_template.py │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tut1.py │ │ ├── 2_custom_optimiser │ │ │ ├── README.md │ │ │ ├── mnist.ipynb │ │ │ ├── mnist.py │ │ │ ├── mnist_template.py │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_popxl_custom_optimiser.py │ │ ├── 3_data_parallelism │ │ │ ├── README.md │ │ │ ├── images │ │ │ │ ├── autodiff.png │ │ │ │ ├── autodiff_transf.png │ │ │ │ ├── backward_auto_accum.png │ │ │ │ └── data_parallel_training.png │ │ │ ├── mnist.ipynb │ │ │ ├── mnist.py │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── requirements.txt │ │ │ │ └── test_popxl_data_parallelism.py │ │ ├── 4_pipelining │ │ │ ├── README.md │ │ │ ├── images │ │ │ │ ├── inefficient_pipeline.png │ │ │ │ ├── pipelining_parallel.png │ │ │ │ └── recomputation.png │ │ │ ├── mnist.ipynb │ │ │ ├── mnist.py │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── requirements.txt │ │ │ │ └── test_popxl_pipelining.py │ │ ├── 5_remote_variables_and_rts │ │ │ ├── README.md │ │ │ ├── images │ │ │ │ ├── collectives.png │ │ │ │ ├── ipu_indices.png │ │ │ │ ├── ipu_links.png │ │ │ │ ├── mem_arch.png │ │ │ │ ├── program_structure.png │ │ │ │ ├── remote_buffers.jpg │ │ │ │ ├── rts.png │ │ │ │ ├── transpose.png │ │ │ │ └── variables_tp_dp.png │ │ │ ├── mnist.ipynb │ │ │ ├── mnist.py │ │ │ ├── replica_groupings.ipynb │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── requirements.txt │ │ │ │ └── test_popxl_remote_variables.py │ │ ├── 6_phased_execution │ │ │ ├── README.md │ │ │ ├── images │ │ │ │ ├── batch_serialisation.jpg │ │ │ │ ├── batch_serialisation_grad.jpg │ │ │ │ ├── phase_diagram.jpg │ │ │ │ ├── phased.jpg │ │ │ │ ├── remote_buffer.jpg │ │ │ │ └── x_dx_buffers.png │ │ │ ├── mnist.ipynb │ │ │ ├── mnist.py │ │ │ ├── required_apt_packages.txt │ │ │ ├── requirements.txt │ │ │ └── tests │ │ │ │ ├── requirements.txt │ │ │ │ └── test_popxl_phased_execution.py │ │ └── VSCodeSetup.md │ ├── pytorch │ │ ├── basics │ │ │ ├── README.md │ │ │ ├── images │ │ │ │ └── trousers.jpg │ │ │ ├── requirements.txt │ │ │ ├── static │ │ │ │ ├── classifier.pth │ │ │ │ ├── confusion_matrix.png │ │ │ │ ├── loop.jpg │ │ │ │ ├── output_14_0.png │ │ │ │ ├── output_48_1.png │ │ │ │ ├── output_61_0.png │ │ │ │ └── stack.jpg │ │ │ ├── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tuto_basics.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ │ ├── efficient_data_loading │ │ │ ├── README.md │ │ │ ├── static │ │ │ │ ├── iterations.png │ │ │ │ ├── pipeline.png │ │ │ │ └── replica.png │ │ │ ├── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tuto_data_loading.py │ │ │ ├── tuto_data_loading.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ │ ├── finetuning_bert │ │ │ ├── Fine-tuning-BERT.ipynb │ │ │ ├── Fine-tuning-BERT.py │ │ │ ├── LICENSE │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── squad_preprocessing.py │ │ │ ├── static │ │ │ │ ├── bert-pipelining-pod4.png │ │ │ │ ├── bert.png │ │ │ │ ├── partitioning.jpg │ │ │ │ ├── pipelining.png │ │ │ │ ├── recomputation.png │ │ │ │ ├── rts.png │ │ │ │ └── squad.png │ │ │ └── tests │ │ │ │ ├── requirements.txt │ │ │ │ └── test_finetuning_notebook.py │ │ ├── mixed_precision │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── static │ │ │ │ └── MemoryDiffReport.png │ │ │ ├── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tuto_mixed_precision.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ │ ├── observing_tensors │ │ │ ├── README.md │ │ │ ├── anchor_tensor_example.py │ │ │ ├── requirements.txt │ │ │ ├── static │ │ │ │ └── GradientHistogram.png │ │ │ └── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_tuto_observing_tensors.py │ │ ├── pipelining │ │ │ ├── README.md │ │ │ ├── mnist_pipeline.py │ │ │ ├── requirements.txt │ │ │ ├── static │ │ │ │ ├── pipeline-figure.png │ │ │ │ ├── pipelined-execution.png │ │ │ │ ├── pipelining.png │ │ │ │ └── stages-poptorch.jpeg │ │ │ ├── tests │ │ │ │ ├── README.md │ │ │ │ ├── requirements.txt │ │ │ │ └── test_mnist.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ │ └── vit_model_training │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── static │ │ │ ├── output_26_0.png │ │ │ └── output_46_0.png │ │ │ ├── tests │ │ │ ├── requirements.txt │ │ │ └── test_vit_model.py │ │ │ ├── walkthrough.ipynb │ │ │ ├── walkthrough.py │ │ │ └── walkthrough_code_only.py │ ├── pytorch_geometric │ │ ├── 1_at_a_glance │ │ │ ├── 1_at_a_glance.ipynb │ │ │ ├── 1_at_a_glance_code_only.py │ │ │ ├── README.md │ │ │ └── test │ │ │ │ └── test_at_a_glance.py │ │ ├── 2_a_worked_example │ │ │ ├── 2_a_worked_example.ipynb │ │ │ ├── 2_a_worked_example_code_only.py │ │ │ ├── README.md │ │ │ ├── static │ │ │ │ └── output_31_0.png │ │ │ └── test │ │ │ │ └── test_a_worked_example.py │ │ ├── 3_small_graph_batching_with_padding │ │ │ ├── 3_small_graph_batching_with_padding.ipynb │ │ │ ├── 3_small_graph_batching_with_padding_code_only.py │ │ │ ├── README.md │ │ │ ├── static │ │ │ │ ├── Fixed_dataloader_1.png │ │ │ │ ├── Fixed_dataloader_2.png │ │ │ │ ├── output_37_1.png │ │ │ │ ├── tensor_2.png │ │ │ │ └── tensors.png │ │ │ └── test │ │ │ │ └── test_small_graph_batching_with_padding.py │ │ ├── 4_small_graph_batching_with_packing │ │ │ ├── 4_small_graph_batching_with_packing.ipynb │ │ │ ├── 4_small_graph_batching_with_packing_code_only.py │ │ │ ├── README.md │ │ │ ├── static │ │ │ │ ├── Packing_example_1.png │ │ │ │ ├── Packing_example_2.png │ │ │ │ ├── Packing_example_3.png │ │ │ │ ├── Packing_example_4.png │ │ │ │ └── output_46_1.png │ │ │ └── test │ │ │ │ └── test_small_graph_batching_with_packing.py │ │ ├── 5_large_graph_sampling │ │ │ ├── 5_large_graph_sampling.ipynb │ │ │ ├── 5_large_graph_sampling_code_only.py │ │ │ ├── README.md │ │ │ └── test │ │ │ │ └── test_large_graph.py │ │ ├── 6_heterogeneous_graphs │ │ │ ├── 6_heterogeneous_graphs.ipynb │ │ │ ├── 6_heterogeneous_graphs_code_only.py │ │ │ ├── README.md │ │ │ ├── static │ │ │ │ └── IMDB_dataset.jpg │ │ │ └── test │ │ │ │ └── test_heterogeneous_graphs.py │ │ └── requirements.txt │ ├── standard_tools │ │ ├── using_jupyter │ │ │ ├── README.md │ │ │ └── screenshots │ │ │ │ ├── jupyter_server.png │ │ │ │ ├── login.png │ │ │ │ ├── not_found.png │ │ │ │ └── open_notebook.png │ │ └── using_vscode │ │ │ ├── README.md │ │ │ └── img │ │ │ ├── C++-debugger │ │ │ ├── 1-debug-points.png │ │ │ ├── 2-instrument-python.png │ │ │ ├── 3-run-python.png │ │ │ ├── 4-port-forward.png │ │ │ ├── 5-launch-gdb-server.png │ │ │ ├── 6-attach-to-gdb-server.png │ │ │ ├── 7-step-through-code.png │ │ │ ├── button.png │ │ │ ├── function-breakpoint.png │ │ │ └── new-launch-config.png │ │ │ ├── Folder.png │ │ │ ├── extension-python.png │ │ │ ├── extension-ssh.png │ │ │ ├── launch-json.png │ │ │ ├── notebook │ │ │ ├── new-notebook.png │ │ │ └── working.png │ │ │ ├── prep-debug.png │ │ │ ├── python │ │ │ ├── choose-interpreter-2.png │ │ │ ├── choose-interpreter.png │ │ │ ├── code-complete.png │ │ │ ├── documentation-hello.png │ │ │ ├── documentation.png │ │ │ ├── errors │ │ │ │ ├── popart-modulenotfound-1.png │ │ │ │ ├── popart-modulenotfound.png │ │ │ │ ├── poptorch-importerror.png │ │ │ │ └── settings-env.png │ │ │ ├── interpreter │ │ │ │ ├── enter.png │ │ │ │ ├── select-interpreter-cmd.png │ │ │ │ ├── select-interpreter-gui.png │ │ │ │ └── select.png │ │ │ ├── jupyter.png │ │ │ ├── popart-autocomplete.png │ │ │ ├── popart-breakpoint.png │ │ │ ├── popart-documentation.png │ │ │ ├── popart-fail.png │ │ │ ├── popart-prep-debug-1.png │ │ │ ├── popart-prep-debug.png │ │ │ ├── pytorch │ │ │ │ ├── debug-justmycode.png │ │ │ │ └── debug-library.png │ │ │ └── visual-debugger.png │ │ │ ├── ssh-connecting.png │ │ │ └── ssh-list.png │ └── tensorflow2 │ │ ├── infeed_outfeed │ │ ├── LICENSE │ │ ├── README.md │ │ ├── completed_code │ │ │ ├── mnist_with_feeds.py │ │ │ └── mnist_without_feeds.py │ │ ├── execution_trace │ │ │ ├── with_feeds.png │ │ │ └── without_feeds.png │ │ └── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── test_mnist_with_feeds.py │ │ │ └── test_mnist_without_feeds.py │ │ ├── keras │ │ ├── LICENSE │ │ ├── README.md │ │ ├── completed_demos │ │ │ ├── completed_demo_faster.py │ │ │ ├── completed_demo_ipu.py │ │ │ ├── completed_demo_pipelining.py │ │ │ └── completed_demo_replicated.py │ │ ├── completed_example │ │ │ ├── main.py │ │ │ ├── model.py │ │ │ └── utils.py │ │ ├── demo.ipynb │ │ ├── demo.py │ │ ├── demo_code_only.py │ │ ├── demo_starting_point.py │ │ ├── pipeline_time_seq_training.png │ │ └── tests │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── test_complete.py │ │ │ ├── test_completed_demos.py │ │ │ └── test_demo.py │ │ └── tensorboard │ │ ├── README.md │ │ ├── demo.ipynb │ │ ├── demo.py │ │ ├── demo_code_only.py │ │ ├── figures │ │ ├── BlankSession.png │ │ ├── ConvFilters.png │ │ ├── ExampleScreen.png │ │ ├── MnistExamples.png │ │ ├── NavBar.png │ │ ├── TimeSeriesPage.png │ │ ├── conv_0.png │ │ ├── conv_0_dists.png │ │ ├── conv_0_histograms.png │ │ ├── epoch_accuracy.png │ │ ├── eval_accuracy.png │ │ ├── model_graph_page.png │ │ └── model_graph_pipeline_expanded.png │ │ ├── requirements.txt │ │ └── tests │ │ ├── README.md │ │ ├── requirements.txt │ │ └── test_tensorboard.py └── utils │ ├── __init__.py │ ├── lint │ ├── __init__.py │ └── linters │ │ ├── __init__.py │ │ ├── copyright_linter.py │ │ ├── fstring_linter.py │ │ ├── pytest_linter.py │ │ └── url_linter.py │ └── tutorials_tests │ ├── README.md │ ├── __init__.py │ ├── assert_util.py │ ├── copyright_test │ └── test_copyright.py │ ├── modern_python_tests │ ├── __init__.py │ ├── test_must_use_fstrings.py │ └── test_must_use_pytest.py │ ├── resource_util.py │ ├── testing_util.py │ └── utils_tests │ ├── requirements.txt │ └── test_utils.py ├── utils ├── __init__.py ├── compare_two_ckpt_sets.py ├── distributed_training │ ├── README.md │ ├── config_pod.sh │ ├── copy_ssh.sh │ └── setup_poprun.sh ├── examples_tests │ ├── README.md │ ├── __init__.py │ ├── assert_util.py │ ├── copyright_header_test_exclude.json │ ├── dead_links │ │ ├── link_parsers.py │ │ ├── requirements.txt │ │ ├── test_dead_links.py │ │ └── test_link_parsers.py │ ├── execute_once_per_fs.py │ ├── resource_util.py │ ├── test_util.py │ └── xdist_util.py ├── inspect_h5_checkpoint.py ├── linters │ ├── notebook_cleaner │ │ └── notebook_cleaner.py │ └── trademark │ │ ├── test_trademark.py │ │ └── trademark.py ├── resources │ ├── get.py │ └── get_test_resource.sh ├── templates │ ├── app_README_template.md │ ├── notebook_guidelines.md │ ├── notebook_template.ipynb │ └── test_notebook_template.py └── triton_server │ ├── __init__py │ ├── client.py │ ├── download_and_build_triton_server.sh │ ├── import_helper.py │ ├── server.py │ ├── server_setup.py │ └── utilsTriton.py └── vision ├── cnns ├── pytorch-lightning │ ├── README.md │ ├── benchmarks.yml │ ├── code-examples │ │ └── fashion-mnist │ │ │ ├── README.md │ │ │ ├── fashionmnist.ipynb │ │ │ ├── fashionmnist_torchvision.ipynb │ │ │ ├── requirements.txt │ │ │ └── train.py │ ├── requirements.txt │ ├── test │ │ ├── __init__.py │ │ ├── smoke_test.py │ │ └── test_notebook.py │ ├── train_lightning.py │ └── tutorials │ │ ├── README.md │ │ ├── custom_losses.py │ │ ├── ipu_strategy_and_dataloading.py │ │ ├── pipelined_ipu.py │ │ ├── simple_lightning_ipu.py │ │ └── simple_torch_model.py ├── pytorch │ ├── README.md │ ├── changelog.txt │ ├── datasets │ │ ├── README.md │ │ ├── __init__.py │ │ ├── augmentations.py │ │ ├── dataset.py │ │ ├── get_images.sh │ │ ├── host_benchmark.py │ │ ├── import_helper.py │ │ ├── optimised_jpeg.py │ │ ├── preprocess.py │ │ ├── raw_imagenet.py │ │ ├── turbojpeg.diff │ │ └── validate_dataset.py │ ├── inference │ │ ├── .gitignore │ │ ├── README.md │ │ ├── benchmarks.yml │ │ ├── configs.yml │ │ ├── import_helper.py │ │ ├── run_benchmark.py │ │ └── run_benchmark_with_triton_server.py │ ├── makefile │ ├── models │ │ ├── __init__.py │ │ ├── factory.py │ │ ├── implementations │ │ │ ├── efficientnet.py │ │ │ ├── mobilenet_v3.py │ │ │ └── optimisation.py │ │ ├── import_helper.py │ │ ├── loss.py │ │ ├── model_manipulator.py │ │ ├── model_wrappers.py │ │ └── models.py │ ├── required_apt_packages.txt │ ├── requirements.txt │ ├── tests │ │ ├── conftest.py │ │ ├── import_helper.py │ │ ├── test_config.py │ │ ├── test_data.py │ │ ├── test_inference.py │ │ ├── test_models.py │ │ ├── test_popdist.py │ │ ├── test_train.py │ │ └── tritonserver │ │ │ ├── __init__py │ │ │ ├── conftest.py │ │ │ ├── import_helper.py │ │ │ ├── model_export.py │ │ │ ├── models │ │ │ ├── efficientnet-b0 │ │ │ │ ├── 1 │ │ │ │ │ └── name_map.json │ │ │ │ └── config.pbtxt │ │ │ ├── efficientnet-b4 │ │ │ │ ├── 1 │ │ │ │ │ └── name_map.json │ │ │ │ └── config.pbtxt │ │ │ └── resnet50 │ │ │ │ ├── 1 │ │ │ │ └── name_map.json │ │ │ │ └── config.pbtxt │ │ │ ├── multi_client_test.py │ │ │ └── test_utils.py │ ├── train │ │ ├── README.md │ │ ├── benchmarks.yml │ │ ├── configs.yml │ │ ├── conftest.py │ │ ├── efficientnet_b0_pod16.sh │ │ ├── efficientnet_b4_pod16.sh │ │ ├── import_helper.py │ │ ├── lr_schedule.py │ │ ├── restore.py │ │ ├── rn50_pod16.sh │ │ ├── rn50_pod64.sh │ │ ├── train.py │ │ ├── train_utils.py │ │ ├── validate.py │ │ └── weight_avg.py │ └── utils │ │ ├── __init__.py │ │ ├── argparser.py │ │ ├── distributed.py │ │ ├── import_helper.py │ │ ├── ipu_settings.py │ │ ├── logger.py │ │ ├── metrics.py │ │ └── test_tools.py └── tensorflow2 │ ├── README.md │ ├── batch_config.py │ ├── benchmarks.yml │ ├── callbacks │ ├── allreduce_metrics_callback.py │ ├── callback_factory.py │ ├── checkpoint_callback.py │ ├── compilation_time_callback.py │ ├── correction_metric_callback.py │ ├── cpu_memory_callback.py │ ├── custom_wandb_callback.py │ ├── data_remover_callback.py │ ├── debug_callback.py │ ├── epoch_calculation_callback.py │ ├── epoch_from_ckpt_name_callback.py │ ├── epochs_to_target_callback.py │ ├── logging_callback.py │ ├── loss_rescaling_callback.py │ ├── loss_scaling_factor_logger_callback.py │ ├── lr_logger_callback.py │ ├── optimization_metric_callback.py │ ├── outfeed_queue_callback.py │ ├── periodic_metrics.py │ └── throughput_estimator_callback.py │ ├── configs.yml │ ├── configuration │ └── terminal_argparse.py │ ├── custom_exceptions.py │ ├── datasets │ ├── abstract_dataset.py │ ├── application_dataset.py │ ├── build_imagenet_data.py │ ├── cifar10_dataset.py │ ├── dataset_factory.py │ ├── image_normalization.py │ ├── imagenet_dataset.py │ ├── imagenet_processing.py │ ├── mnist_dataset.py │ └── tfds_dataset.py │ ├── eight_bit_transfer.py │ ├── ipu_config.py │ ├── losses │ ├── loss_enqueuer.py │ └── smoothed_categorical_crossentropy.py │ ├── metrics │ └── metric_enqueuer.py │ ├── model │ ├── cifar_resnet_models.py │ ├── model_editor.py │ ├── model_factory.py │ ├── resnet_models.py │ └── toy_model.py │ ├── normalization │ └── batch_norm.py │ ├── optimizers │ ├── l2_regularizer.py │ ├── lars_optimizer.py │ ├── loss_scale_optimizer.py │ └── optimizer_factory.py │ ├── precision.py │ ├── program_steps.py │ ├── requirements.txt │ ├── requirements_utils.txt │ ├── run_and_time.py │ ├── run_mlperf_sweep.py │ ├── run_sweep.py │ ├── schedules │ ├── decorators.py │ ├── lr_schedules.py │ └── scheduler_factory.py │ ├── scripts │ ├── compare_with_without_poprun.sh │ ├── dataset_benchmark.py │ ├── export_for_serving.py │ ├── get_tests_data.py │ ├── run_experiment.sh │ └── verify_dataset.py │ ├── seed.py │ ├── send_request.py │ ├── sweeps │ ├── 1agent_wandb_sweep.sh │ ├── LARS_random_sweep.yaml │ ├── MLPerf_LARS_sweep.yaml │ └── SGD_random_sweep.yaml │ ├── test │ ├── test_batch_config.py │ ├── test_batch_norm.py │ ├── test_callbacks_ordering.py │ ├── test_checkpoint_callback.py │ ├── test_cifar10_dataset.py │ ├── test_cifar_resnet_models.py │ ├── test_compilation_time_callback.py │ ├── test_configs.py │ ├── test_custom_wandb_callbacks.py │ ├── test_data_remover_callback.py │ ├── test_dataset_benchmark.py │ ├── test_distributed_batch_norm.py │ ├── test_eight_bit_transfer.py │ ├── test_export_for_serving.py │ ├── test_fp_exceptions.py │ ├── test_gradient_normalization.py │ ├── test_logging_callbacks.py │ ├── test_losses.py │ ├── test_lr_schedulers.py │ ├── test_metrics.py │ ├── test_model_editor.py │ ├── test_models.py │ ├── test_optimizers.py │ ├── test_precision.py │ ├── test_serving.py │ ├── test_stochastic_rounding.py │ ├── test_throughput_estimator_callback.py │ ├── test_train.py │ └── test_validation.py │ ├── test_common.py │ ├── tests_serial │ ├── test_compilation_oom.py │ ├── test_distributed_training.py │ └── test_popdist_train.py │ ├── time_to_train.py │ ├── train.py │ └── utilities.py ├── dino └── pytorch │ ├── LICENSE │ ├── README.md │ ├── benchmarks.yml │ ├── configs.yml │ ├── core │ ├── dataset.py │ ├── dino.py │ ├── gelu.py │ ├── utils.py │ ├── vision_transformer.py │ └── weight_norm.py │ ├── ema │ ├── Makefile │ ├── exp_avg_custom_op.cpp │ └── test_ema.py │ ├── make_ema.sh │ ├── options.py │ ├── requirements.txt │ ├── script │ ├── alignment.py │ ├── alignment.sh │ ├── eval_knn.sh │ ├── extract_feature.py │ ├── extract_weights.py │ ├── grad_compare.py │ ├── knn_accuracy.py │ └── linear_train.py │ ├── tests │ ├── __init__.py │ ├── conftest.py │ └── test_dino.py │ ├── train_ipu.py │ └── training_scripts │ ├── vit_base_pod16.sh │ ├── vit_base_pod64.sh │ └── vit_small_pod16.sh ├── efficientdet └── tensorflow2 │ ├── .gitignore │ ├── LICENSE │ ├── Makefile │ ├── NMS │ ├── README.md │ ├── codelet.cpp │ ├── ipu_utils.cpp │ ├── ipu_utils.hpp │ ├── nms.cpp │ ├── nms.hpp │ ├── tf │ │ ├── Makefile │ │ └── nms_custom_op.cpp │ ├── tf_multi │ │ ├── Makefile │ │ └── nms_custom_op.cpp │ └── utils.hpp │ ├── README.md │ ├── backbone │ ├── __init__.py │ ├── backbone_factory.py │ ├── efficientnet_builder.py │ ├── efficientnet_lite_builder.py │ └── efficientnet_model.py │ ├── benchmarks.yml │ ├── dataloader.py │ ├── docs │ ├── efficientdet-d4_1024_output_b0_img0.jpg │ └── efficientdet-model.jpg │ ├── hparams_config.py │ ├── ipu_automl_io.py │ ├── ipu_configs │ ├── efficientdet-low-latency.yml │ └── efficientdet.yml │ ├── ipu_embedded_inference.py │ ├── ipu_inference.py │ ├── ipu_nms.py │ ├── ipu_utils │ ├── __init__.py │ ├── arguments.py │ ├── benchmark.py │ ├── config.py │ └── dataset.py │ ├── nms_np.py │ ├── object_detection │ ├── __init__.py │ ├── argmax_matcher.py │ ├── box_coder.py │ ├── box_list.py │ ├── faster_rcnn_box_coder.py │ ├── matcher.py │ ├── preprocessor.py │ ├── region_similarity_calculator.py │ ├── shape_utils.py │ ├── target_assigner.py │ └── tf_example_decoder.py │ ├── requirements.txt │ ├── tests │ ├── __init__.py │ ├── efficientdet_smoke_test.py │ └── ipu_boolean_argparse_action_test.py │ ├── tf2 │ ├── __init__.py │ ├── anchors.py │ ├── efficientdet_keras.py │ ├── fpn_configs.py │ ├── label_util.py │ ├── postprocess.py │ ├── tfmot.py │ └── util_keras.py │ ├── utils.py │ └── visualize │ ├── __init__.py │ ├── shape_utils.py │ ├── standard_fields.py │ ├── static_shape.py │ └── vis_utils.py ├── mae └── pytorch │ ├── LICENSE │ ├── LICENSE_Apache │ ├── README.md │ ├── argparser.py │ ├── benchmarks.yml │ ├── configs.yml │ ├── core │ ├── __init__.py │ ├── gelu.py │ ├── models_mae.py │ ├── models_vit.py │ ├── utils.py │ └── vision_transformer.py │ ├── finetune_validate.py │ ├── main_finetune.py │ ├── main_pretrain.py │ ├── make_remap.sh │ ├── options.py │ ├── remap │ ├── Makefile │ └── remap_ops │ │ ├── TileMappingCommon.cpp │ │ ├── TileMappingCommon.hpp │ │ ├── remap_tensor_ce.cpp │ │ └── remap_tensor_ce.hpp │ ├── requirements.txt │ ├── scripts │ ├── alignment.py │ ├── alignment.sh │ ├── eval.sh │ ├── mae_base_pod16.sh │ └── mae_base_pod64.sh │ ├── tests │ ├── __init__.py │ ├── conftest.py │ └── test_mae.py │ └── util │ ├── checkpoint.py │ ├── crop.py │ ├── datasets.py │ ├── ipu_mixup.py │ ├── log.py │ ├── lr_decay.py │ ├── lr_sched.py │ └── pos_embed.py ├── neural_image_fields └── tensorflow2 │ ├── Mandrill_portrait_2_Berlin_Zoo.jpg │ ├── README.md │ ├── nif.py │ ├── predict_nif.py │ ├── required_apt_packages.txt │ ├── requirements.txt │ ├── strategy_utils.py │ ├── tests │ └── test_nif.py │ └── train_nif.py ├── swin └── pytorch │ ├── LICENSE │ ├── Makefile │ ├── README.md │ ├── benchmarks.yml │ ├── config.py │ ├── configs │ └── configs.yaml │ ├── custom_ops │ ├── TileMappingCommon.cpp │ ├── TileMappingCommon.hpp │ ├── remap_tensor_ce.cpp │ └── remap_tensor_ce.hpp │ ├── dataset │ ├── build_ipu.py │ ├── cached_image_folder.py │ ├── ipu_mixup.py │ ├── map22kto1k.txt │ ├── preprocess.py │ ├── raw_imagenet.py │ ├── samplers.py │ └── zipreader.py │ ├── lr_scheduler.py │ ├── models │ ├── build.py │ ├── helpers.py │ └── swin_transformer.py │ ├── optimizer.py │ ├── options.py │ ├── requirements.txt │ ├── swin_large_224_22k_finetune_1k_fp16_pod16.sh │ ├── swin_large_224_22k_finetune_1k_fp16_pod64.sh │ ├── swin_test.py │ ├── train_swin.py │ ├── utils.py │ └── validate.py ├── unet_medical └── tensorflow2 │ ├── CentralCropIpu.py │ ├── Makefile │ ├── README.md │ ├── UNet_training_curve.png │ ├── benchmarks.yml │ ├── crop.cpp │ ├── crop.hpp │ ├── custom_crop_op.cpp │ ├── dataset.py │ ├── losses.py │ ├── main.py │ ├── model.py │ ├── model_utils.py │ ├── parse_args.py │ ├── pipelined_UNet.png │ ├── requirements.txt │ ├── test_UNet.py │ ├── unet.py │ └── utils.py ├── vit └── pytorch │ ├── .gitignore │ ├── LICENSE │ ├── README.md │ ├── args.py │ ├── benchmarks.yml │ ├── checkpoint.py │ ├── configs.yml │ ├── dataset │ ├── __init__.py │ ├── customized_randaugment.py │ ├── dataset.py │ ├── mixup_utils.py │ └── preprocess.py │ ├── finetune.py │ ├── ipu_options.py │ ├── log.py │ ├── metrics.py │ ├── models │ ├── __init__.py │ ├── modules.py │ ├── pipeline_model.py │ └── utils.py │ ├── mpi_utils.py │ ├── optimization.py │ ├── pretrain.py │ ├── requirements.txt │ ├── run_multihosts.sh │ ├── run_singlehost.sh │ ├── test_vit.py │ └── validation.py └── yolo_v4 └── pytorch ├── Makefile ├── README.md ├── api.py ├── benchmarks.yml ├── configs ├── class_name.yaml ├── inference-yolov4p5.yaml └── training-yolov4p5.yaml ├── conftest.py ├── models ├── __init__.py ├── backbone │ └── yolov4_p5.py ├── detector.py ├── head │ └── yolov4_head.py ├── layers.py ├── loss.py ├── neck │ └── yolov4_p5.py ├── recomputation.py └── yolov4_p5.py ├── notebook ├── first_example.png └── last_supper_restored.jpeg ├── notebook_yolo.ipynb ├── requirements.txt ├── run.py ├── tests ├── autoanchors_test.py ├── backbone_test.py ├── fusing_test.py ├── head_test.py ├── label_preprocessing_test.py ├── loss_test.py ├── model_test.py ├── neck_test.py ├── nms_test.py ├── preprocessing_test.py ├── test_tools.py ├── test_yolo_notebook.py └── tools_test.py └── utils ├── __init__.py ├── anchors.py ├── autoanchors_nlabels_sweep.py ├── config.py ├── custom_ops.py ├── custom_ops ├── copy_tensor │ └── copy_custom_op.cpp └── nms │ ├── codelet.cpp │ ├── ipu_utils.cpp │ ├── ipu_utils.hpp │ ├── nms.cpp │ ├── nms.hpp │ ├── nms_custom_op.cpp │ └── utils.hpp ├── dataset.py ├── download_coco_dataset.sh ├── parse_args.py ├── postprocessing.py ├── preprocessing.py ├── tools.py ├── visualization.py └── weight_avg.py /.git-blame-ignore-revs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/.git-blame-ignore-revs -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /COPYRIGHT: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/COPYRIGHT -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/README.md -------------------------------------------------------------------------------- /conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/conftest.py -------------------------------------------------------------------------------- /finance/deeplob/tensorflow2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/finance/deeplob/tensorflow2/LICENSE -------------------------------------------------------------------------------- /finance/deeplob/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/finance/deeplob/tensorflow2/README.md -------------------------------------------------------------------------------- /finance/deeplob/tensorflow2/requirements.txt: -------------------------------------------------------------------------------- 1 | scikit-learn==1.2.2 2 | -------------------------------------------------------------------------------- /gnn/cluster_gcn/pytorch_geometric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/cluster_gcn/pytorch_geometric/README.md -------------------------------------------------------------------------------- /gnn/fraud_detection/pytorch_geometric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/fraud_detection/pytorch_geometric/README.md -------------------------------------------------------------------------------- /gnn/fraud_detection/pytorch_geometric/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/fraud_detection/pytorch_geometric/loss.py -------------------------------------------------------------------------------- /gnn/fraud_detection/pytorch_geometric/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/fraud_detection/pytorch_geometric/model.py -------------------------------------------------------------------------------- /gnn/message_passing/pytorch_geometric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/pytorch_geometric/README.md -------------------------------------------------------------------------------- /gnn/message_passing/pytorch_geometric/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/pytorch_geometric/model.py -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/README.md -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/benchmarks.yml -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/conftest.py -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/layers.py -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/model.py -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/run_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/run_training.py -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/utils.py -------------------------------------------------------------------------------- /gnn/message_passing/tensorflow2/xpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/message_passing/tensorflow2/xpu.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/README.md -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/data.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/hyperparameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/hyperparameters.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/inference_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/inference_utils.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/nbfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/nbfnet.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/nbfnet_layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/nbfnet_layer.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/nbfnet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/nbfnet_utils.py -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/requirements.txt -------------------------------------------------------------------------------- /gnn/nbfnet/pytorch_geometric/run_nbfnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/nbfnet/pytorch_geometric/run_nbfnet.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/LICENSE -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/Makefile -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/NOTICE -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/README.md -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/argparser.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/conftest.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/inference.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/model/utils.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/plotting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/plotting.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/utils.py -------------------------------------------------------------------------------- /gnn/ogb_lsc_pcqm4mv2/tensorflow2/xpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/ogb_lsc_pcqm4mv2/tensorflow2/xpu.py -------------------------------------------------------------------------------- /gnn/schnet/pytorch_geometric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/schnet/pytorch_geometric/README.md -------------------------------------------------------------------------------- /gnn/schnet/pytorch_geometric/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/schnet/pytorch_geometric/utils.py -------------------------------------------------------------------------------- /gnn/spektral/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/spektral/tensorflow2/README.md -------------------------------------------------------------------------------- /gnn/spektral/tensorflow2/qm9_argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/spektral/tensorflow2/qm9_argparser.py -------------------------------------------------------------------------------- /gnn/spektral/tensorflow2/qm9_ipu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/spektral/tensorflow2/qm9_ipu.py -------------------------------------------------------------------------------- /gnn/spektral/tensorflow2/qm9_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/spektral/tensorflow2/qm9_test.py -------------------------------------------------------------------------------- /gnn/spektral/tensorflow2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/spektral/tensorflow2/requirements.txt -------------------------------------------------------------------------------- /gnn/tgn/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/.gitignore -------------------------------------------------------------------------------- /gnn/tgn/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/README.md -------------------------------------------------------------------------------- /gnn/tgn/pytorch/Train_TGN.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/Train_TGN.ipynb -------------------------------------------------------------------------------- /gnn/tgn/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /gnn/tgn/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/requirements.txt -------------------------------------------------------------------------------- /gnn/tgn/pytorch/static/architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/static/architecture.png -------------------------------------------------------------------------------- /gnn/tgn/pytorch/static/dynamic_graph.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/static/dynamic_graph.png -------------------------------------------------------------------------------- /gnn/tgn/pytorch/test/test_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/test/test_buffer.py -------------------------------------------------------------------------------- /gnn/tgn/pytorch/test/test_notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/test/test_notebook.py -------------------------------------------------------------------------------- /gnn/tgn/pytorch/test/test_tgn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/test/test_tgn.py -------------------------------------------------------------------------------- /gnn/tgn/pytorch/tgn_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/tgn_modules.py -------------------------------------------------------------------------------- /gnn/tgn/pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gnn/tgn/pytorch/train.py -------------------------------------------------------------------------------- /gradient-badge.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/gradient-badge.svg -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/README.md -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/args.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/checkpoint.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/configs.yml -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/datasets/__init__.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/datasets/dataset.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/datasets/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/datasets/download.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/ipu_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/ipu_options.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/log.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/model.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/optimization.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/requirements.txt -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/train.py -------------------------------------------------------------------------------- /multimodal/CLIP/pytorch/zero_shot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/CLIP/pytorch/zero_shot.py -------------------------------------------------------------------------------- /multimodal/frozen_in_time/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/frozen_in_time/pytorch/README.md -------------------------------------------------------------------------------- /multimodal/frozen_in_time/pytorch/arch.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/frozen_in_time/pytorch/arch.jpg -------------------------------------------------------------------------------- /multimodal/frozen_in_time/pytorch/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/frozen_in_time/pytorch/run.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/.gitignore -------------------------------------------------------------------------------- /multimodal/magma/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/README.md -------------------------------------------------------------------------------- /multimodal/magma/popxl/configs/MAGMA_v1.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/configs/MAGMA_v1.yml -------------------------------------------------------------------------------- /multimodal/magma/popxl/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/configs/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/configs/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/configs/config.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/configs/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/configs/inference.yml -------------------------------------------------------------------------------- /multimodal/magma/popxl/images/demo_magma.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/images/demo_magma.png -------------------------------------------------------------------------------- /multimodal/magma/popxl/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/inference.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/pytest.ini -------------------------------------------------------------------------------- /multimodal/magma/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/requirements.txt -------------------------------------------------------------------------------- /multimodal/magma/popxl/run_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/run_inference.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/tests/conftest.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /multimodal/magma/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/utils/__init__.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/utils/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/utils/sampling.py -------------------------------------------------------------------------------- /multimodal/magma/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/magma/popxl/utils/setup.py -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/README.md -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/args.py -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/configs.yml -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/generate.py -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/ipu_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/ipu_options.py -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/log.py -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/models/vae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/models/vae.py -------------------------------------------------------------------------------- /multimodal/mini_dalle/pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/multimodal/mini_dalle/pytorch/train.py -------------------------------------------------------------------------------- /nlp/bert/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/bert/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/README.md -------------------------------------------------------------------------------- /nlp/bert/popxl/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/benchmarks.yml -------------------------------------------------------------------------------- /nlp/bert/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/bert/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/bert/popxl/config/pretraining.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/config/pretraining.yml -------------------------------------------------------------------------------- /nlp/bert/popxl/config/squad_inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/config/squad_inference.yml -------------------------------------------------------------------------------- /nlp/bert/popxl/config/squad_training.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/config/squad_training.yml -------------------------------------------------------------------------------- /nlp/bert/popxl/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/data/__init__.py -------------------------------------------------------------------------------- /nlp/bert/popxl/data/pretraining_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/data/pretraining_data.py -------------------------------------------------------------------------------- /nlp/bert/popxl/data/squad_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/data/squad_data.py -------------------------------------------------------------------------------- /nlp/bert/popxl/imgs/bert_bs_buffers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/imgs/bert_bs_buffers.png -------------------------------------------------------------------------------- /nlp/bert/popxl/imgs/bert_large_execution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/imgs/bert_large_execution.png -------------------------------------------------------------------------------- /nlp/bert/popxl/imgs/tied_embedding.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/imgs/tied_embedding.png -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/bert_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/bert_model.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/feed_forward.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/mlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/mlm.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/nsp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/nsp.py -------------------------------------------------------------------------------- /nlp/bert/popxl/modelling/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/modelling/squad.py -------------------------------------------------------------------------------- /nlp/bert/popxl/pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/pretraining.py -------------------------------------------------------------------------------- /nlp/bert/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/bert/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/bert/popxl/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/run_pretraining.py -------------------------------------------------------------------------------- /nlp/bert/popxl/run_squad_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/run_squad_inference.py -------------------------------------------------------------------------------- /nlp/bert/popxl/run_squad_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/run_squad_training.py -------------------------------------------------------------------------------- /nlp/bert/popxl/squad_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/squad_inference.py -------------------------------------------------------------------------------- /nlp/bert/popxl/squad_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/squad_training.py -------------------------------------------------------------------------------- /nlp/bert/popxl/tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/tests/README.md -------------------------------------------------------------------------------- /nlp/bert/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/bert/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/bert/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/bert/popxl/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/utils/checkpoint.py -------------------------------------------------------------------------------- /nlp/bert/popxl/utils/lr_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/utils/lr_schedule.py -------------------------------------------------------------------------------- /nlp/bert/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/bert/popxl/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/popxl/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/.gitignore -------------------------------------------------------------------------------- /nlp/bert/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/LICENSE -------------------------------------------------------------------------------- /nlp/bert/pytorch/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/Makefile -------------------------------------------------------------------------------- /nlp/bert/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/README.md -------------------------------------------------------------------------------- /nlp/bert/pytorch/args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/args.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /nlp/bert/pytorch/bert_fused_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/bert_fused_attention.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/checkpointing.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/configs_pretraining.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/configs_pretraining.yml -------------------------------------------------------------------------------- /nlp/bert/pytorch/configs_squad.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/configs_squad.yml -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/packing/pack_128.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/packing/pack_128.sh -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/packing/pack_384.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/packing/pack_384.sh -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/packing/pack_512.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/packing/pack_512.sh -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/sample_text.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/sample_text.index -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/sample_text.tfrecord: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/sample_text.tfrecord -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/sample_text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/sample_text.txt -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/wikipedia_download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/wikipedia_download.sh -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/wikipedia_extract.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/wikipedia_extract.sh -------------------------------------------------------------------------------- /nlp/bert/pytorch/data/wikipedia_tokenize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/data/wikipedia_tokenize.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/ipu_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/ipu_options.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/modeling.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/optimization.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/pretraining_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/pretraining_data.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/required_apt_packages.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/required_apt_packages.txt -------------------------------------------------------------------------------- /nlp/bert/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/requirements.txt -------------------------------------------------------------------------------- /nlp/bert/pytorch/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/run_pretraining.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/run_squad.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/squad_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/squad_data.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/__init__.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/accuracy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/accuracy_test.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/argparse_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/argparse_test.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/bert_tiny_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/bert_tiny_test.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/checkpoint_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/checkpoint_test.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/conftest.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests/cpu_ipu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests/cpu_ipu_test.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests_serial/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests_serial/__init__.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests_serial/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests_serial/conftest.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/tests_serial/poprun_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/tests_serial/poprun_test.py -------------------------------------------------------------------------------- /nlp/bert/pytorch/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/pytorch/utils.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/.gitignore -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/NOTICE -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/README.md -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/benchmarks.yml -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/configs/glue_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/configs/glue_base.json -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/configs/squad_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/configs/squad_base.json -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/model/accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/model/accuracy.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/model/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/model/losses.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/requirements.txt -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/run_pretraining.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/run_squad.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/tests/__init__.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/tests/test_enqueuer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/tests/test_enqueuer.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/tests/test_glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/tests/test_glue.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/tests/test_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/tests/test_options.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/tests/test_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/tests/test_squad.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/tests/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/tests/utils.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/utilities/argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/utilities/argparser.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/utilities/ipu_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/utilities/ipu_utils.py -------------------------------------------------------------------------------- /nlp/bert/tensorflow2/utilities/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bert/tensorflow2/utilities/options.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/bloom/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/README.md -------------------------------------------------------------------------------- /nlp/bloom/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/config/inference.yml -------------------------------------------------------------------------------- /nlp/bloom/popxl/generate_memmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/generate_memmap.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/img/gradio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/img/gradio.png -------------------------------------------------------------------------------- /nlp/bloom/popxl/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/inference.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/alibi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/alibi.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/bloom_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/bloom_lm.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/bloom_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/bloom_model.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/decoder.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/modelling/feed_forward.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/bloom/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/bloom/popxl/run_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/run_inference.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/run_inference_gradio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/run_inference_gradio.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/bloom/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/bloom/popxl/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/bloom/popxl/utils/utils.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/.gitignore: -------------------------------------------------------------------------------- 1 | .graphcore/ 2 | -------------------------------------------------------------------------------- /nlp/dolly/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/README.md -------------------------------------------------------------------------------- /nlp/dolly/popxl/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/api/__init__.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/api/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/api/pipeline.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/config/inference.yml -------------------------------------------------------------------------------- /nlp/dolly/popxl/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/inference.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/decoder.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/dolly_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/dolly_lm.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/dolly_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/dolly_model.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/feed_forward.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/modelling/hf_mapping.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/dolly/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/dolly/popxl/run-inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/run-inference.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/dolly/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/dolly/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/dolly/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/LICENSE -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/Makefile -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/README.md -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/arguments.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/config/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/config/config.json -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/config/config_large.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/config/config_large.json -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/config/config_medium.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/config/config_medium.json -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/config/config_test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/config/config_test.json -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/config/config_xl.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/config/config_xl.json -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/data/extract_and_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/data/extract_and_merge.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/data/indexed_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/data/indexed_dataset.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/data/wikipedia_download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/data/wikipedia_download.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/data/wikipedia_extract.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/data/wikipedia_extract.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/data/write_into_tfrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/data/write_into_tfrecord.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/inference_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/inference_gpt2.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/ipu_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/ipu_options.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/requirements.txt -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/run/inference_xlarge.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/run/inference_xlarge.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/run/pretraining_large.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/run/pretraining_large.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/run/pretraining_medium.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/run/pretraining_medium.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/run/pretraining_small.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/run/pretraining_small.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/run/pretraining_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/run/pretraining_test.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tasks/detokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tasks/detokenizer.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tasks/evaluate_lambada.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tasks/evaluate_lambada.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tasks/evaluate_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tasks/evaluate_utils.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tasks/evaluate_wiki.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tasks/evaluate_wiki.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tasks/run_text_generator.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tasks/run_text_generator.sh -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tests/__init__py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tests/__init__py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tests/conftest.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tests/cpu_ipu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tests/cpu_ipu_test.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tests/import_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tests/import_helper.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tests/loss_seralize_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tests/loss_seralize_test.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tests/tokenizer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tests/tokenizer_test.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/text_generate_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/text_generate_gpt2.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tokenizer/__init__.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/tools.py -------------------------------------------------------------------------------- /nlp/gpt2/pytorch/train_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt2/pytorch/train_gpt2.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/README.md -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/config/pretraining.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/config/pretraining.yml -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/data/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/data/data_utils.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/imgs/backwards.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/imgs/backwards.png -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/imgs/bs_buffers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/imgs/bs_buffers.png -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/imgs/forward.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/imgs/forward.png -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/imgs/optimiser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/imgs/optimiser.png -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/decoder.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/gpt_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/gpt_lm.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/gpt_model.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/modelling/hf_mapping.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/pretraining.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/pretraining_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/pretraining_config.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/run_pretraining.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/gpt3_175B/popxl/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_175B/popxl/utils/utils.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/README.md -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/config/inference.yml -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/config/pretraining.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/config/pretraining.yml -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/data/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/data/data_utils.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/data/mnli/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/data/mnli/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/data/mnli/mnli_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/data/mnli/mnli_data.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/data/wikipedia/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/data/wikipedia/README.md -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/data/wikipedia/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/generative_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/generative_inference.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/imgs/backwards.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/imgs/backwards.png -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/imgs/bs_buffers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/imgs/bs_buffers.png -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/imgs/forward.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/imgs/forward.png -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/imgs/optimiser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/imgs/optimiser.png -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/mnli_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/mnli_finetuning.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/mnli_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/mnli_inference.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/decoder.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/gpt_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/gpt_lm.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/gpt_model.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/hf_mapping.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/modelling/mnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/modelling/mnli.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/pretraining.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/pretraining_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/pretraining_config.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/run_mnli_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/run_mnli_finetuning.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/run_mnli_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/run_mnli_validation.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/run_pretraining.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/utils/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/utils/inference.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/gpt3_2.7B/popxl/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt3_2.7B/popxl/utils/utils.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/GPTJ-group-quantized.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/GPTJ-group-quantized.ipynb -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/README.md -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/api.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/config/finetuning.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/config/finetuning.yml -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/config/inference.yml -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/data/__init__.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/data/data_utils.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/data/hf_data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/data/hf_data_utils.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/data/mnli_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/data/mnli_data.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/finetuning.ipynb -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/finetuning.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/bs_buffers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/bs_buffers.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/data_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/data_parallelism.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/dp_tp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/dp_tp.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/execution.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/execution.jpg -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/mnli_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/mnli_dataset.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/rts.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/tensor_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/tensor_parallelism.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/tp.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/tp.jpg -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/imgs/tp_dp_rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/imgs/tp_dp_rts.png -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/inference.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/decoder.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/feed_forward.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/gptj_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/gptj_lm.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/gptj_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/gptj_model.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/modelling/hf_mapping.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/requirements-dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/requirements-dev.txt -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/run_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/run_finetuning.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/run_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/run_inference.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/run_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/run_validation.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/tests/unit/test_dataloder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/tests/unit/test_dataloder.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/utils/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/utils/inference.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/utils/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/utils/pipeline.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/utils/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/utils/trainer.py -------------------------------------------------------------------------------- /nlp/gpt_j/popxl/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/gpt_j/popxl/utils/utils.py -------------------------------------------------------------------------------- /nlp/llama/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/llama/popxl/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/api/__init__.py -------------------------------------------------------------------------------- /nlp/llama/popxl/api/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/api/pipeline.py -------------------------------------------------------------------------------- /nlp/llama/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/llama/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/llama/popxl/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/config/inference.yml -------------------------------------------------------------------------------- /nlp/llama/popxl/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/inference.py -------------------------------------------------------------------------------- /nlp/llama/popxl/llama2-inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/llama2-inference.ipynb -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/decoder.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/feed_forward.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/hf_mapping.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/llama_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/llama_lm.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/llama_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/llama_model.py -------------------------------------------------------------------------------- /nlp/llama/popxl/modelling/rms_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/modelling/rms_norm.py -------------------------------------------------------------------------------- /nlp/llama/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/llama/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/llama/popxl/run-inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/run-inference.py -------------------------------------------------------------------------------- /nlp/llama/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/llama/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/llama/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/llama/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/llama/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/t5/popxl/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/.gitignore -------------------------------------------------------------------------------- /nlp/t5/popxl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/README.md -------------------------------------------------------------------------------- /nlp/t5/popxl/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/api.py -------------------------------------------------------------------------------- /nlp/t5/popxl/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/config/__init__.py -------------------------------------------------------------------------------- /nlp/t5/popxl/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/config/config.py -------------------------------------------------------------------------------- /nlp/t5/popxl/config/finetuning.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/config/finetuning.yml -------------------------------------------------------------------------------- /nlp/t5/popxl/config/inference.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/config/inference.yml -------------------------------------------------------------------------------- /nlp/t5/popxl/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/data/__init__.py -------------------------------------------------------------------------------- /nlp/t5/popxl/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/data/data_utils.py -------------------------------------------------------------------------------- /nlp/t5/popxl/data/mnli_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/data/mnli_data.py -------------------------------------------------------------------------------- /nlp/t5/popxl/finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/finetuning.py -------------------------------------------------------------------------------- /nlp/t5/popxl/graphs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/graphs/__init__.py -------------------------------------------------------------------------------- /nlp/t5/popxl/graphs/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/graphs/embedding.py -------------------------------------------------------------------------------- /nlp/t5/popxl/graphs/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/graphs/encoder_decoder.py -------------------------------------------------------------------------------- /nlp/t5/popxl/graphs/graphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/graphs/graphs.py -------------------------------------------------------------------------------- /nlp/t5/popxl/graphs/head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/graphs/head.py -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/bs_buffers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/bs_buffers.png -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/data_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/data_parallelism.png -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/dp_tp.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/dp_tp.png -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/execution.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/execution.jpg -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/mnli_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/mnli_dataset.png -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/rts.png -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/tensor_parallelism.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/tensor_parallelism.png -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/tp.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/tp.jpg -------------------------------------------------------------------------------- /nlp/t5/popxl/imgs/tp_dp_rts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/imgs/tp_dp_rts.png -------------------------------------------------------------------------------- /nlp/t5/popxl/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/inference.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/__init__.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/attention.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/embedding.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/encoder_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/encoder_decoder.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/feed_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/feed_forward.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/hf_mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/hf_mapping.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/layer_norm.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/t5_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/t5_lm.py -------------------------------------------------------------------------------- /nlp/t5/popxl/modelling/t5_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/modelling/t5_model.py -------------------------------------------------------------------------------- /nlp/t5/popxl/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/pytest.ini -------------------------------------------------------------------------------- /nlp/t5/popxl/requirements-dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/requirements-dev.txt -------------------------------------------------------------------------------- /nlp/t5/popxl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/requirements.txt -------------------------------------------------------------------------------- /nlp/t5/popxl/run_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/run_finetuning.py -------------------------------------------------------------------------------- /nlp/t5/popxl/run_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/run_validation.py -------------------------------------------------------------------------------- /nlp/t5/popxl/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/tests/conftest.py -------------------------------------------------------------------------------- /nlp/t5/popxl/tests/test_config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/tests/test_config.yml -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/__init__.py -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/inference.py -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/pipeline.py -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/setup.py -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/simple_parsing_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/simple_parsing_tools.py -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/trainer.py -------------------------------------------------------------------------------- /nlp/t5/popxl/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/nlp/t5/popxl/utils/utils.py -------------------------------------------------------------------------------- /preview/vision/yolo_v4/pytorch/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/preview/vision/yolo_v4/pytorch/Makefile -------------------------------------------------------------------------------- /preview/vision/yolo_v4/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/preview/vision/yolo_v4/pytorch/README.md -------------------------------------------------------------------------------- /preview/vision/yolo_v4/pytorch/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/preview/vision/yolo_v4/pytorch/conftest.py -------------------------------------------------------------------------------- /preview/vision/yolo_v4/pytorch/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/preview/vision/yolo_v4/pytorch/run.py -------------------------------------------------------------------------------- /pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/pytest.ini -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/setup.cfg -------------------------------------------------------------------------------- /speech/conformer/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/.gitignore -------------------------------------------------------------------------------- /speech/conformer/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/LICENSE -------------------------------------------------------------------------------- /speech/conformer/pytorch/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/Makefile -------------------------------------------------------------------------------- /speech/conformer/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/README.md -------------------------------------------------------------------------------- /speech/conformer/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /speech/conformer/pytorch/configs/train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/configs/train.yaml -------------------------------------------------------------------------------- /speech/conformer/pytorch/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/main.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/requirements.txt -------------------------------------------------------------------------------- /speech/conformer/pytorch/scripts/decode.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/scripts/decode.sh -------------------------------------------------------------------------------- /speech/conformer/pytorch/scripts/run_wenet_conformer_fp16.sh: -------------------------------------------------------------------------------- 1 | python main.py train 2 | -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/__init__.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/conformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/conformer.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/global_cmvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/global_cmvn.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/layers/swish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/layers/swish.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/trainer.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/utils/cmvn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/utils/cmvn.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/utils/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/utils/common.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/utils/mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/utils/mask.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/utils/repeat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/utils/repeat.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/src/utils/score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/src/utils/score.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/tests/__init__.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/tests/conftest.py -------------------------------------------------------------------------------- /speech/conformer/pytorch/tests/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/conformer/pytorch/tests/modeling.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/.gitignore -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/LICENSE -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/README.md -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/common/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/common/layers.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/common/stft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/common/stft.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/common/text/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/common/text/LICENSE -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/common/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/common/utils.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/data_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/data_functions.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/dataset.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/extract_mels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/extract_mels.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/fastpitch/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/fastpitch/model.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/inference.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/ipu_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/ipu_config.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/loss_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/loss_functions.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/models.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/pic/loss_curve.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/pic/loss_curve.jpeg -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/pitch_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/pitch_transform.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/requirements.txt -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/tacotron2/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/tacotron2/model.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/tests/__init__.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/train.py -------------------------------------------------------------------------------- /speech/fastpitch/pytorch/waveglow/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/speech/fastpitch/pytorch/waveglow/model.py -------------------------------------------------------------------------------- /tutorials/.gitignore: -------------------------------------------------------------------------------- 1 | !**/images 2 | **/datasets 3 | -------------------------------------------------------------------------------- /tutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/README.md -------------------------------------------------------------------------------- /tutorials/blogs_code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/README.md -------------------------------------------------------------------------------- /tutorials/blogs_code/gnns/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/gnns/README.md -------------------------------------------------------------------------------- /tutorials/blogs_code/gnns/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/gnns/requirements.txt -------------------------------------------------------------------------------- /tutorials/blogs_code/packedBERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/packedBERT/README.md -------------------------------------------------------------------------------- /tutorials/blogs_code/packedBERT/ennlshp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/packedBERT/ennlshp.py -------------------------------------------------------------------------------- /tutorials/blogs_code/packedBERT/lpfhp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/packedBERT/lpfhp.py -------------------------------------------------------------------------------- /tutorials/blogs_code/packedBERT/nnlshp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/packedBERT/nnlshp.py -------------------------------------------------------------------------------- /tutorials/blogs_code/packedBERT/spfhp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/blogs_code/packedBERT/spfhp.py -------------------------------------------------------------------------------- /tutorials/feature_examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/feature_examples/README.md -------------------------------------------------------------------------------- /tutorials/feature_examples/poplar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/feature_examples/poplar/README.md -------------------------------------------------------------------------------- /tutorials/feature_examples/poplar/advanced_example/.gitignore: -------------------------------------------------------------------------------- 1 | example 2 | *.gp 3 | *.poplar 4 | -------------------------------------------------------------------------------- /tutorials/feature_examples/poplar/advanced_example/required_apt_packages.txt: -------------------------------------------------------------------------------- 1 | libboost-all-dev 2 | -------------------------------------------------------------------------------- /tutorials/feature_examples/poplar/prefetch/.gitignore: -------------------------------------------------------------------------------- 1 | prefetch 2 | -------------------------------------------------------------------------------- /tutorials/feature_examples/poplar/prefetch/required_apt_packages.txt: -------------------------------------------------------------------------------- 1 | libboost-all-dev 2 | -------------------------------------------------------------------------------- /tutorials/feature_examples/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/feature_examples/pytorch/README.md -------------------------------------------------------------------------------- /tutorials/simple_applications/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/simple_applications/README.md -------------------------------------------------------------------------------- /tutorials/simple_applications/poplar/mnist/.gitignore: -------------------------------------------------------------------------------- 1 | regression-demo 2 | -------------------------------------------------------------------------------- /tutorials/simple_applications/pytorch_lightning/shakespeare-rnn/requirements-dev.txt: -------------------------------------------------------------------------------- 1 | pytest 2 | -------------------------------------------------------------------------------- /tutorials/tech_notes_code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/tech_notes_code/README.md -------------------------------------------------------------------------------- /tutorials/tech_notes_code/recompilation/.gitignore: -------------------------------------------------------------------------------- 1 | tensorflow2/tmp* 2 | -------------------------------------------------------------------------------- /tutorials/tutorials/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/tutorials/README.md -------------------------------------------------------------------------------- /tutorials/tutorials/poplar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/tutorials/poplar/README.md -------------------------------------------------------------------------------- /tutorials/tutorials/poplar/tut2_operations/.gitignore: -------------------------------------------------------------------------------- 1 | tests/tut2_complete 2 | -------------------------------------------------------------------------------- /tutorials/tutorials/poplar/tut6_matrix_vector_opt/.gitignore: -------------------------------------------------------------------------------- 1 | archive.a 2 | profile.pop 3 | tut6 4 | -------------------------------------------------------------------------------- /tutorials/tutorials/popvision/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/tutorials/popvision/README.md -------------------------------------------------------------------------------- /tutorials/tutorials/popvision/reading_pvti_files/.gitignore: -------------------------------------------------------------------------------- 1 | *.pvti 2 | -------------------------------------------------------------------------------- /tutorials/tutorials/popvision/system_analyser_instrumentation/.gitignore: -------------------------------------------------------------------------------- 1 | *.pvti 2 | -------------------------------------------------------------------------------- /tutorials/tutorials/popxl/VSCodeSetup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/tutorials/popxl/VSCodeSetup.md -------------------------------------------------------------------------------- /tutorials/tutorials/pytorch/basics/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/tutorials/pytorch/basics/README.md -------------------------------------------------------------------------------- /tutorials/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/utils/__init__.py -------------------------------------------------------------------------------- /tutorials/utils/lint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/utils/lint/__init__.py -------------------------------------------------------------------------------- /tutorials/utils/lint/linters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/utils/lint/linters/__init__.py -------------------------------------------------------------------------------- /tutorials/utils/lint/linters/url_linter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/utils/lint/linters/url_linter.py -------------------------------------------------------------------------------- /tutorials/utils/tutorials_tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/utils/tutorials_tests/README.md -------------------------------------------------------------------------------- /tutorials/utils/tutorials_tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/tutorials/utils/tutorials_tests/__init__.py -------------------------------------------------------------------------------- /tutorials/utils/tutorials_tests/utils_tests/requirements.txt: -------------------------------------------------------------------------------- 1 | pytest-pythonpath==0.7.3 2 | -------------------------------------------------------------------------------- /utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /utils/compare_two_ckpt_sets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/compare_two_ckpt_sets.py -------------------------------------------------------------------------------- /utils/distributed_training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/distributed_training/README.md -------------------------------------------------------------------------------- /utils/distributed_training/config_pod.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/distributed_training/config_pod.sh -------------------------------------------------------------------------------- /utils/distributed_training/copy_ssh.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/distributed_training/copy_ssh.sh -------------------------------------------------------------------------------- /utils/distributed_training/setup_poprun.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/distributed_training/setup_poprun.sh -------------------------------------------------------------------------------- /utils/examples_tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/examples_tests/README.md -------------------------------------------------------------------------------- /utils/examples_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /utils/examples_tests/assert_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/examples_tests/assert_util.py -------------------------------------------------------------------------------- /utils/examples_tests/dead_links/requirements.txt: -------------------------------------------------------------------------------- 1 | pytest 2 | requests 3 | -------------------------------------------------------------------------------- /utils/examples_tests/execute_once_per_fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/examples_tests/execute_once_per_fs.py -------------------------------------------------------------------------------- /utils/examples_tests/resource_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/examples_tests/resource_util.py -------------------------------------------------------------------------------- /utils/examples_tests/test_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/examples_tests/test_util.py -------------------------------------------------------------------------------- /utils/examples_tests/xdist_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/examples_tests/xdist_util.py -------------------------------------------------------------------------------- /utils/inspect_h5_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/inspect_h5_checkpoint.py -------------------------------------------------------------------------------- /utils/linters/trademark/test_trademark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/linters/trademark/test_trademark.py -------------------------------------------------------------------------------- /utils/linters/trademark/trademark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/linters/trademark/trademark.py -------------------------------------------------------------------------------- /utils/resources/get.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/resources/get.py -------------------------------------------------------------------------------- /utils/resources/get_test_resource.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | python ./get.py test.txt 3 | -------------------------------------------------------------------------------- /utils/templates/app_README_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/templates/app_README_template.md -------------------------------------------------------------------------------- /utils/templates/notebook_guidelines.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/templates/notebook_guidelines.md -------------------------------------------------------------------------------- /utils/templates/notebook_template.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/templates/notebook_template.ipynb -------------------------------------------------------------------------------- /utils/templates/test_notebook_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/templates/test_notebook_template.py -------------------------------------------------------------------------------- /utils/triton_server/__init__py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /utils/triton_server/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/triton_server/client.py -------------------------------------------------------------------------------- /utils/triton_server/import_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/triton_server/import_helper.py -------------------------------------------------------------------------------- /utils/triton_server/server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/triton_server/server.py -------------------------------------------------------------------------------- /utils/triton_server/server_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/triton_server/server_setup.py -------------------------------------------------------------------------------- /utils/triton_server/utilsTriton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/utils/triton_server/utilsTriton.py -------------------------------------------------------------------------------- /vision/cnns/pytorch-lightning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch-lightning/README.md -------------------------------------------------------------------------------- /vision/cnns/pytorch-lightning/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch-lightning/benchmarks.yml -------------------------------------------------------------------------------- /vision/cnns/pytorch-lightning/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vision/cnns/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/README.md -------------------------------------------------------------------------------- /vision/cnns/pytorch/changelog.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/changelog.txt -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/README.md -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/__init__.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/dataset.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/get_images.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/get_images.sh -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/preprocess.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/raw_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/raw_imagenet.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/datasets/turbojpeg.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/datasets/turbojpeg.diff -------------------------------------------------------------------------------- /vision/cnns/pytorch/inference/.gitignore: -------------------------------------------------------------------------------- 1 | ._images 2 | -------------------------------------------------------------------------------- /vision/cnns/pytorch/inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/inference/README.md -------------------------------------------------------------------------------- /vision/cnns/pytorch/inference/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/inference/benchmarks.yml -------------------------------------------------------------------------------- /vision/cnns/pytorch/inference/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/inference/configs.yml -------------------------------------------------------------------------------- /vision/cnns/pytorch/makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/makefile -------------------------------------------------------------------------------- /vision/cnns/pytorch/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/models/__init__.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/models/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/models/factory.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/models/import_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/models/import_helper.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/models/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/models/loss.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/models/model_wrappers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/models/model_wrappers.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/models/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/models/models.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/requirements.txt -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/conftest.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/import_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/import_helper.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/test_config.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/test_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/test_data.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/test_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/test_inference.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/test_models.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/test_popdist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/test_popdist.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/test_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/tests/test_train.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/tests/tritonserver/__init__py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/README.md -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/benchmarks.yml -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/configs.yml -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/conftest.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/import_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/import_helper.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/lr_schedule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/lr_schedule.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/restore.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/restore.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/rn50_pod16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/rn50_pod16.sh -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/rn50_pod64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/rn50_pod64.sh -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/train.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/train_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/train_utils.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/validate.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/train/weight_avg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/train/weight_avg.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/__init__.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/argparser.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/distributed.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/import_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/import_helper.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/ipu_settings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/ipu_settings.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/logger.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/metrics.py -------------------------------------------------------------------------------- /vision/cnns/pytorch/utils/test_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/pytorch/utils/test_tools.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/README.md -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/batch_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/batch_config.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/benchmarks.yml -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/configs.yml -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/custom_exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/custom_exceptions.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/ipu_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/ipu_config.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/model/toy_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/model/toy_model.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/precision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/precision.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/program_steps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/program_steps.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/requirements.txt -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/run_and_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/run_and_time.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/run_mlperf_sweep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/run_mlperf_sweep.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/run_sweep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/run_sweep.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/seed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/seed.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/send_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/send_request.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test/test_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test/test_configs.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test/test_losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test/test_losses.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test/test_metrics.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test/test_models.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test/test_serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test/test_serving.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test/test_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test/test_train.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/test_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/test_common.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/time_to_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/time_to_train.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/train.py -------------------------------------------------------------------------------- /vision/cnns/tensorflow2/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/cnns/tensorflow2/utilities.py -------------------------------------------------------------------------------- /vision/dino/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/LICENSE -------------------------------------------------------------------------------- /vision/dino/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/README.md -------------------------------------------------------------------------------- /vision/dino/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /vision/dino/pytorch/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/configs.yml -------------------------------------------------------------------------------- /vision/dino/pytorch/core/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/core/dataset.py -------------------------------------------------------------------------------- /vision/dino/pytorch/core/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/core/dino.py -------------------------------------------------------------------------------- /vision/dino/pytorch/core/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/core/gelu.py -------------------------------------------------------------------------------- /vision/dino/pytorch/core/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/core/utils.py -------------------------------------------------------------------------------- /vision/dino/pytorch/core/weight_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/core/weight_norm.py -------------------------------------------------------------------------------- /vision/dino/pytorch/ema/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/ema/Makefile -------------------------------------------------------------------------------- /vision/dino/pytorch/ema/test_ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/ema/test_ema.py -------------------------------------------------------------------------------- /vision/dino/pytorch/make_ema.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/make_ema.sh -------------------------------------------------------------------------------- /vision/dino/pytorch/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/options.py -------------------------------------------------------------------------------- /vision/dino/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/requirements.txt -------------------------------------------------------------------------------- /vision/dino/pytorch/script/alignment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/script/alignment.py -------------------------------------------------------------------------------- /vision/dino/pytorch/script/alignment.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/script/alignment.sh -------------------------------------------------------------------------------- /vision/dino/pytorch/script/eval_knn.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/script/eval_knn.sh -------------------------------------------------------------------------------- /vision/dino/pytorch/script/grad_compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/script/grad_compare.py -------------------------------------------------------------------------------- /vision/dino/pytorch/script/knn_accuracy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/script/knn_accuracy.py -------------------------------------------------------------------------------- /vision/dino/pytorch/script/linear_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/script/linear_train.py -------------------------------------------------------------------------------- /vision/dino/pytorch/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/tests/__init__.py -------------------------------------------------------------------------------- /vision/dino/pytorch/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/tests/conftest.py -------------------------------------------------------------------------------- /vision/dino/pytorch/tests/test_dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/tests/test_dino.py -------------------------------------------------------------------------------- /vision/dino/pytorch/train_ipu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/dino/pytorch/train_ipu.py -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/.gitignore -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/LICENSE -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/Makefile -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/NMS/nms.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/NMS/nms.cpp -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/NMS/nms.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/NMS/nms.hpp -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/README.md -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/ipu_nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/ipu_nms.py -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/nms_np.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/nms_np.py -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/tf2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/tf2/tfmot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/tf2/tfmot.py -------------------------------------------------------------------------------- /vision/efficientdet/tensorflow2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/efficientdet/tensorflow2/utils.py -------------------------------------------------------------------------------- /vision/mae/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/LICENSE -------------------------------------------------------------------------------- /vision/mae/pytorch/LICENSE_Apache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/LICENSE_Apache -------------------------------------------------------------------------------- /vision/mae/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/README.md -------------------------------------------------------------------------------- /vision/mae/pytorch/argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/argparser.py -------------------------------------------------------------------------------- /vision/mae/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /vision/mae/pytorch/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/configs.yml -------------------------------------------------------------------------------- /vision/mae/pytorch/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vision/mae/pytorch/core/gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/core/gelu.py -------------------------------------------------------------------------------- /vision/mae/pytorch/core/models_mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/core/models_mae.py -------------------------------------------------------------------------------- /vision/mae/pytorch/core/models_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/core/models_vit.py -------------------------------------------------------------------------------- /vision/mae/pytorch/core/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/core/utils.py -------------------------------------------------------------------------------- /vision/mae/pytorch/finetune_validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/finetune_validate.py -------------------------------------------------------------------------------- /vision/mae/pytorch/main_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/main_finetune.py -------------------------------------------------------------------------------- /vision/mae/pytorch/main_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/main_pretrain.py -------------------------------------------------------------------------------- /vision/mae/pytorch/make_remap.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/make_remap.sh -------------------------------------------------------------------------------- /vision/mae/pytorch/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/options.py -------------------------------------------------------------------------------- /vision/mae/pytorch/remap/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/remap/Makefile -------------------------------------------------------------------------------- /vision/mae/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/requirements.txt -------------------------------------------------------------------------------- /vision/mae/pytorch/scripts/alignment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/scripts/alignment.py -------------------------------------------------------------------------------- /vision/mae/pytorch/scripts/alignment.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/scripts/alignment.sh -------------------------------------------------------------------------------- /vision/mae/pytorch/scripts/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/scripts/eval.sh -------------------------------------------------------------------------------- /vision/mae/pytorch/scripts/mae_base_pod16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/scripts/mae_base_pod16.sh -------------------------------------------------------------------------------- /vision/mae/pytorch/scripts/mae_base_pod64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/scripts/mae_base_pod64.sh -------------------------------------------------------------------------------- /vision/mae/pytorch/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/tests/__init__.py -------------------------------------------------------------------------------- /vision/mae/pytorch/tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/tests/conftest.py -------------------------------------------------------------------------------- /vision/mae/pytorch/tests/test_mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/tests/test_mae.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/checkpoint.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/crop.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/datasets.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/ipu_mixup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/ipu_mixup.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/log.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/lr_decay.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/lr_decay.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/lr_sched.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/lr_sched.py -------------------------------------------------------------------------------- /vision/mae/pytorch/util/pos_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/mae/pytorch/util/pos_embed.py -------------------------------------------------------------------------------- /vision/neural_image_fields/tensorflow2/required_apt_packages.txt: -------------------------------------------------------------------------------- 1 | libopencv-dev 2 | -------------------------------------------------------------------------------- /vision/swin/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/LICENSE -------------------------------------------------------------------------------- /vision/swin/pytorch/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/Makefile -------------------------------------------------------------------------------- /vision/swin/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/README.md -------------------------------------------------------------------------------- /vision/swin/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /vision/swin/pytorch/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/config.py -------------------------------------------------------------------------------- /vision/swin/pytorch/configs/configs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/configs/configs.yaml -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/build_ipu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/build_ipu.py -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/ipu_mixup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/ipu_mixup.py -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/map22kto1k.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/map22kto1k.txt -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/preprocess.py -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/raw_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/raw_imagenet.py -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/samplers.py -------------------------------------------------------------------------------- /vision/swin/pytorch/dataset/zipreader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/dataset/zipreader.py -------------------------------------------------------------------------------- /vision/swin/pytorch/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/lr_scheduler.py -------------------------------------------------------------------------------- /vision/swin/pytorch/models/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/models/build.py -------------------------------------------------------------------------------- /vision/swin/pytorch/models/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/models/helpers.py -------------------------------------------------------------------------------- /vision/swin/pytorch/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/optimizer.py -------------------------------------------------------------------------------- /vision/swin/pytorch/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/options.py -------------------------------------------------------------------------------- /vision/swin/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/requirements.txt -------------------------------------------------------------------------------- /vision/swin/pytorch/swin_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/swin_test.py -------------------------------------------------------------------------------- /vision/swin/pytorch/train_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/train_swin.py -------------------------------------------------------------------------------- /vision/swin/pytorch/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/utils.py -------------------------------------------------------------------------------- /vision/swin/pytorch/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/swin/pytorch/validate.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/Makefile -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/README.md -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/crop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/crop.cpp -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/crop.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/crop.hpp -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/dataset.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/losses.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/main.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/model.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/test_UNet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/test_UNet.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/unet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/unet.py -------------------------------------------------------------------------------- /vision/unet_medical/tensorflow2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/unet_medical/tensorflow2/utils.py -------------------------------------------------------------------------------- /vision/vit/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/.gitignore -------------------------------------------------------------------------------- /vision/vit/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/LICENSE -------------------------------------------------------------------------------- /vision/vit/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/README.md -------------------------------------------------------------------------------- /vision/vit/pytorch/args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/args.py -------------------------------------------------------------------------------- /vision/vit/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /vision/vit/pytorch/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/checkpoint.py -------------------------------------------------------------------------------- /vision/vit/pytorch/configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/configs.yml -------------------------------------------------------------------------------- /vision/vit/pytorch/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/dataset/__init__.py -------------------------------------------------------------------------------- /vision/vit/pytorch/dataset/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/dataset/dataset.py -------------------------------------------------------------------------------- /vision/vit/pytorch/dataset/mixup_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/dataset/mixup_utils.py -------------------------------------------------------------------------------- /vision/vit/pytorch/dataset/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/dataset/preprocess.py -------------------------------------------------------------------------------- /vision/vit/pytorch/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/finetune.py -------------------------------------------------------------------------------- /vision/vit/pytorch/ipu_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/ipu_options.py -------------------------------------------------------------------------------- /vision/vit/pytorch/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/log.py -------------------------------------------------------------------------------- /vision/vit/pytorch/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/metrics.py -------------------------------------------------------------------------------- /vision/vit/pytorch/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/models/__init__.py -------------------------------------------------------------------------------- /vision/vit/pytorch/models/modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/models/modules.py -------------------------------------------------------------------------------- /vision/vit/pytorch/models/pipeline_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/models/pipeline_model.py -------------------------------------------------------------------------------- /vision/vit/pytorch/models/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/models/utils.py -------------------------------------------------------------------------------- /vision/vit/pytorch/mpi_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/mpi_utils.py -------------------------------------------------------------------------------- /vision/vit/pytorch/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/optimization.py -------------------------------------------------------------------------------- /vision/vit/pytorch/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/pretrain.py -------------------------------------------------------------------------------- /vision/vit/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/requirements.txt -------------------------------------------------------------------------------- /vision/vit/pytorch/run_multihosts.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/run_multihosts.sh -------------------------------------------------------------------------------- /vision/vit/pytorch/run_singlehost.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/run_singlehost.sh -------------------------------------------------------------------------------- /vision/vit/pytorch/test_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/test_vit.py -------------------------------------------------------------------------------- /vision/vit/pytorch/validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/vit/pytorch/validation.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/Makefile -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/README.md -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/api.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/benchmarks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/benchmarks.yml -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/conftest.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/models/__init__.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/models/detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/models/detector.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/models/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/models/layers.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/models/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/models/loss.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/models/yolov4_p5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/models/yolov4_p5.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/notebook_yolo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/notebook_yolo.ipynb -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/requirements.txt -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/run.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/fusing_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/fusing_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/head_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/head_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/loss_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/loss_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/model_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/model_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/neck_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/neck_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/nms_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/nms_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/test_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/test_tools.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/tests/tools_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/tests/tools_test.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/__init__.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/anchors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/anchors.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/config.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/custom_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/custom_ops.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/dataset.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/parse_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/parse_args.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/tools.py -------------------------------------------------------------------------------- /vision/yolo_v4/pytorch/utils/weight_avg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/examples/HEAD/vision/yolo_v4/pytorch/utils/weight_avg.py --------------------------------------------------------------------------------