├── .github ├── actions │ └── setup │ │ └── action.yml ├── pull_request_template.md └── workflows │ ├── build-and-run-example.yml │ ├── cd.yml │ ├── check.yml │ ├── run-examples.yml │ ├── stale.yml │ └── typecheck.yml ├── .gitignore ├── .pre-commit-config.yaml ├── 01_getting_started ├── generators.py ├── get_started.py ├── hello_world.py ├── inference.py ├── inference_endpoint.py ├── inference_full.py ├── inference_map.py └── inference_perf.py ├── 02_building_containers ├── import_sklearn.py ├── install_cuda.py ├── install_flash_attn.py ├── screenshot.png └── urls.txt ├── 03_scaling_out ├── basic_grid_search.py ├── dynamic_batching.py └── stock_prices.png ├── 04_secrets └── db_to_sheet.py ├── 05_scheduling ├── hackernews_alerts.py └── schedule_simple.py ├── 06_gpu_and_ml ├── audio-editing │ └── playdiffusion-model.py ├── audio-to-text │ └── whisperx_transcribe.py ├── blender │ ├── IceModal.blend │ └── blender_video.py ├── comfyui │ ├── .gitignore │ ├── __init__.py │ ├── comfyapp.py │ ├── comfyclient.py │ ├── essentials │ │ ├── essentials_example.json │ │ ├── essentials_example.py │ │ ├── simple_mask.png │ │ └── vernere.jpg │ ├── impact │ │ ├── impact_example.py │ │ └── impact_workflow.json │ ├── ip_adapter │ │ ├── ip_adapter_example.py │ │ ├── ip_adapter_workflow.json │ │ └── starry_night.jpg │ ├── kjnodes │ │ ├── kjnodes_example.py │ │ ├── kjnodes_workflow.json │ │ ├── mood.jpg │ │ └── tram.jpeg │ ├── memory_snapshot │ │ ├── memory_snapshot_example.py │ │ └── memory_snapshot_helper │ │ │ ├── __init__.py │ │ │ └── prestartup_script.py │ ├── was_node_suite │ │ ├── was_node_example.py │ │ └── was_node_workflow.json │ └── workflow_api.json ├── controlnet │ ├── controlnet_gradio_demos.py │ └── demo_images │ │ ├── dog.png │ │ ├── house.png │ │ ├── modal-logo-bright.png │ │ └── modal-logo-edges.png ├── dreambooth │ ├── assets │ │ ├── background.svg │ │ ├── favicon.svg │ │ └── index.css │ ├── diffusers_lora_finetune.py │ ├── gradio-image-generate.png │ └── instance_example_urls.txt ├── embeddings │ ├── amazon_embeddings.py │ ├── image_embeddings_infinity.py │ ├── qdrant.py │ ├── text_embeddings_inference.py │ └── wikipedia │ │ ├── README.md │ │ ├── download.py │ │ └── main.py ├── flan_t5 │ └── flan_t5_finetune.py ├── gpu_fallbacks.py ├── gpu_packing.py ├── gpu_snapshot.py ├── hyperparameter-sweep │ ├── assets │ │ ├── background.svg │ │ ├── favicon.svg │ │ └── index.css │ ├── gradio.png │ ├── hp_sweep_gpt.py │ ├── shakespeare.jpg │ ├── src │ │ ├── dataset.py │ │ ├── logs_manager.py │ │ ├── model.py │ │ └── tokenizer.py │ └── tensorboard.png ├── image-to-video │ ├── frontend │ │ └── index.html │ └── image_to_video.py ├── import_torch.py ├── langchains │ └── potus_speech_qanda.py ├── llm-frontend │ └── index.html ├── llm-serving │ ├── chat_with_pdf_vision.py │ ├── gpt_oss_inference.py │ ├── llama_cpp.py │ ├── ministral3_inference.py │ ├── ollama.py │ ├── openai_compatible │ │ ├── client.py │ │ ├── load_test.py │ │ └── locustfile.py │ ├── sgl_vlm.py │ ├── tokasaurus_throughput.py │ ├── trtllm_latency.py │ ├── trtllm_throughput.py │ └── vllm_inference.py ├── llm-structured │ ├── instructor_generate.py │ ├── jsonformer_generate.py │ └── outlines_generate.py ├── long-training.py ├── nsight-profiling │ ├── .gitignore │ ├── nsys.py │ └── toy.cu ├── openai_whisper │ ├── fine_tune_asr.py │ ├── finetuning │ │ ├── .gitignore │ │ ├── audio │ │ │ └── common_voice_hi_31822997.mp3 │ │ ├── readme.md │ │ ├── requirements.txt │ │ └── train │ │ │ ├── config.py │ │ │ ├── end_to_end_check.py │ │ │ ├── logs.py │ │ │ ├── train.py │ │ │ └── transcribe.py │ └── pod_transcriber │ │ ├── README.md │ │ └── app │ │ ├── __init__.py │ │ ├── api.py │ │ ├── config.py │ │ ├── frontend │ │ ├── .gitignore │ │ ├── index.html │ │ ├── package-lock.json │ │ ├── package.json │ │ ├── postcss.config.cjs │ │ ├── src │ │ │ ├── app.tsx │ │ │ ├── components │ │ │ │ ├── Footer.tsx │ │ │ │ ├── HomeButton.tsx │ │ │ │ └── Spinner.tsx │ │ │ ├── index.css │ │ │ ├── main.tsx │ │ │ ├── modal-logo.svg │ │ │ ├── modal-wordmark.svg │ │ │ ├── routes │ │ │ │ ├── episode.tsx │ │ │ │ └── podcast.tsx │ │ │ └── vite-env.d.ts │ │ ├── tailwind.config.cjs │ │ ├── tsconfig.json │ │ ├── tsconfig.node.json │ │ └── vite.config.ts │ │ ├── main.py │ │ ├── podcast.py │ │ ├── search.py │ │ └── transcribe_check.py ├── protein-folding │ ├── boltz_predict.py │ ├── chai1.py │ ├── data │ │ ├── boltz_affinity.yaml │ │ ├── chai1_default_inference.json │ │ ├── chai1_default_input.fasta │ │ ├── chai1_quick_inference.json │ │ └── seq1.a3m │ ├── esm3.py │ ├── frontend │ │ ├── background.svg │ │ ├── favicon.svg │ │ └── index.css │ └── gradio_ui.png ├── reinforcement-learning │ ├── config_grpo.yaml │ ├── grpo_trl.py │ ├── grpo_verl.py │ ├── learn_math.py │ └── trainer_script_grpo.py ├── sam │ ├── cliff_jumping.mp4 │ └── segment_anything.py ├── speech-to-text │ ├── __init__.py │ ├── asr_utils.py │ ├── batched_whisper.py │ ├── cache_aware_buffer.py │ ├── multitalker-frontend │ │ ├── audio-processor.js │ │ ├── index.html │ │ └── parakeet.js │ ├── parakeet_multitalker.py │ ├── sortformer2_1.py │ ├── sortformer2_1_speaker_diarization.py │ ├── streaming-diarization-frontend │ │ ├── audio-processor.js │ │ ├── index.html │ │ └── sortformer2_1.js │ ├── streaming-kyutai-stt-frontend │ │ ├── audio.js │ │ └── modal-logo.svg │ ├── streaming-parakeet-frontend │ │ ├── audio-processor.js │ │ ├── index.html │ │ └── parakeet.js │ ├── streaming_kyutai_stt.py │ ├── streaming_parakeet.py │ └── streaming_whisper.py ├── stable_diffusion │ ├── demo_images │ │ └── dog.png │ ├── flux.py │ ├── frontend │ │ └── index.html │ ├── image_to_image.py │ └── text_to_image.py ├── tensorflow │ ├── tensorboard.png │ └── tensorflow_tutorial.py ├── text-to-audio │ ├── chatterbox_tts.py │ └── generate_music.py ├── text-to-video │ ├── ltx.py │ └── mochi.py ├── torch_profiling.py ├── unsloth_finetune.py └── yolo │ └── finetune_yolo.py ├── 07_web_endpoints ├── badges.py ├── badges_deploy.png ├── basic_web.py ├── count_faces.py ├── discord_bot.py ├── fastapi_app.py ├── fasthtml-checkboxes │ ├── cbx_load_test.py │ ├── cbx_locustfile.py │ ├── constants.py │ ├── fasthtml_checkboxes.py │ ├── styles.css │ └── ui.png ├── fasthtml_app.py ├── fastrtc_flip_webcam.py ├── flask_app.py ├── flask_streaming.py ├── streaming.py └── webrtc │ ├── frontend │ ├── index.html │ ├── modal_webrtc.js │ └── webcam_webrtc.js │ ├── modal_webrtc.py │ ├── webrtc_yolo.py │ ├── webrtc_yolo_test.py │ └── yolo │ ├── __init__.py │ ├── yolo.py │ └── yolo_classes.txt ├── 08_advanced ├── generators_async.py ├── hello_world_async.py ├── parallel_execution.py └── poll_delayed_result.py ├── 09_job_queues ├── dicts_and_queues.py ├── doc_ocr_frontend │ ├── app.jsx │ ├── images │ │ ├── favicon.svg │ │ ├── modal_mascots.svg │ │ └── modal_wordmark.svg │ └── index.html ├── doc_ocr_jobs.py ├── doc_ocr_webapp.py └── web_job_queue_wrapper.py ├── 10_integrations ├── algolia_indexer.py ├── cloud_bucket_mount_loras.py ├── cron_datasette.py ├── dbt │ ├── .gitignore │ ├── dbt_docs.png │ ├── dbt_duckdb.py │ └── sample_proj_duckdb_s3 │ │ ├── .gitignore │ │ ├── dbt_project.yml │ │ ├── models │ │ ├── customers.sql │ │ ├── orders.sql │ │ ├── sources.yml │ │ └── staging │ │ │ ├── schema.yml │ │ │ ├── stg_customers.sql │ │ │ ├── stg_orders.sql │ │ │ └── stg_payments.sql │ │ ├── profiles.yml │ │ ├── seeds │ │ ├── .gitkeep │ │ ├── raw_customers.csv │ │ ├── raw_orders.csv │ │ └── raw_payments.csv │ │ ├── snapshots │ │ └── .gitkeep │ │ └── tests │ │ └── .gitkeep ├── ikea-instructions-for-building-a-gpu-rig-for-deep-learning.png ├── mcp_server_stateless.py ├── multion_news_agent.py ├── nyc_yellow_taxi_trips_s3_mount.png ├── pushgateway.py ├── pushgateway_diagram.png ├── pushgateway_grafana.png ├── s3_bucket_mount.py ├── streamlit │ ├── app.py │ ├── serve_streamlit.py │ └── streamlit.png ├── tailscale │ ├── entrypoint.sh │ └── modal_tailscale.py ├── webscraper.py └── webscraper_old.py ├── 11_notebooks ├── basic.ipynb └── jupyter_inside_modal.py ├── 12_datasets ├── coco.py ├── imagenet.py ├── laion400.py └── rosettafold.py ├── 13_sandboxes ├── anthropic_computer_use.py ├── codelangchain │ ├── README.md │ ├── __init__.py │ ├── agent.py │ ├── langserve.py │ └── src │ │ ├── __init__.py │ │ ├── common.py │ │ ├── edges.py │ │ ├── nodes.py │ │ └── retrieval.py ├── jupyter_sandbox.py ├── safe_code_execution.py ├── sandbox_agent.py ├── sandbox_pool.py ├── simple_code_interpreter.py └── test_case_generator.py ├── 14_clusters ├── simple_torch_cluster.py └── simple_torch_cluster_script.py ├── LICENSE ├── README.md ├── internal ├── conftest.py ├── deploy.py ├── examples_test.py ├── generate_diff_matrix.py ├── readme.md ├── requirements.txt ├── run_example.py ├── test-event.json ├── test_generate_diff_matrix.py ├── typecheck.py └── utils.py ├── misc ├── README.md ├── aquiles_image_server.py ├── batch_inference │ ├── batch_inference_huggingface.png │ ├── batch_inference_progress.png │ ├── batch_inference_roc.png │ └── batch_inference_using_huggingface.py ├── deepseek_openai_server.py ├── falcon_bitsandbytes.py ├── falcon_gptq.py ├── flux_endpoint.py ├── google_search_generator.py ├── gpt_oss_sglang.py ├── hello_shebang.py ├── hunyuan_gamecraft.py ├── lmdeploy_oai_compatible.py ├── news_summarizer.py ├── ollama_deployment.py ├── queue_simple.py ├── quic │ ├── client.py │ └── quic_yolo_modal.py ├── run_fooocus.py ├── sandbox_executor.py ├── say_hello_cron.py ├── stable_lm.py ├── tgi_oai_compatible.py ├── trellis3d.py ├── trtllm_deepseek.py └── xgboost_optuna_search.py └── pyproject.toml /.github/actions/setup/action.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/actions/setup/action.yml -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/build-and-run-example.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/workflows/build-and-run-example.yml -------------------------------------------------------------------------------- /.github/workflows/cd.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/workflows/cd.yml -------------------------------------------------------------------------------- /.github/workflows/check.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/workflows/check.yml -------------------------------------------------------------------------------- /.github/workflows/run-examples.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/workflows/run-examples.yml -------------------------------------------------------------------------------- /.github/workflows/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/workflows/stale.yml -------------------------------------------------------------------------------- /.github/workflows/typecheck.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.github/workflows/typecheck.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /01_getting_started/generators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/generators.py -------------------------------------------------------------------------------- /01_getting_started/get_started.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/get_started.py -------------------------------------------------------------------------------- /01_getting_started/hello_world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/hello_world.py -------------------------------------------------------------------------------- /01_getting_started/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/inference.py -------------------------------------------------------------------------------- /01_getting_started/inference_endpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/inference_endpoint.py -------------------------------------------------------------------------------- /01_getting_started/inference_full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/inference_full.py -------------------------------------------------------------------------------- /01_getting_started/inference_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/inference_map.py -------------------------------------------------------------------------------- /01_getting_started/inference_perf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/01_getting_started/inference_perf.py -------------------------------------------------------------------------------- /02_building_containers/import_sklearn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/02_building_containers/import_sklearn.py -------------------------------------------------------------------------------- /02_building_containers/install_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/02_building_containers/install_cuda.py -------------------------------------------------------------------------------- /02_building_containers/install_flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/02_building_containers/install_flash_attn.py -------------------------------------------------------------------------------- /02_building_containers/screenshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/02_building_containers/screenshot.png -------------------------------------------------------------------------------- /02_building_containers/urls.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/02_building_containers/urls.txt -------------------------------------------------------------------------------- /03_scaling_out/basic_grid_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/03_scaling_out/basic_grid_search.py -------------------------------------------------------------------------------- /03_scaling_out/dynamic_batching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/03_scaling_out/dynamic_batching.py -------------------------------------------------------------------------------- /03_scaling_out/stock_prices.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/03_scaling_out/stock_prices.png -------------------------------------------------------------------------------- /04_secrets/db_to_sheet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/04_secrets/db_to_sheet.py -------------------------------------------------------------------------------- /05_scheduling/hackernews_alerts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/05_scheduling/hackernews_alerts.py -------------------------------------------------------------------------------- /05_scheduling/schedule_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/05_scheduling/schedule_simple.py -------------------------------------------------------------------------------- /06_gpu_and_ml/audio-editing/playdiffusion-model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/audio-editing/playdiffusion-model.py -------------------------------------------------------------------------------- /06_gpu_and_ml/audio-to-text/whisperx_transcribe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/audio-to-text/whisperx_transcribe.py -------------------------------------------------------------------------------- /06_gpu_and_ml/blender/IceModal.blend: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/blender/IceModal.blend -------------------------------------------------------------------------------- /06_gpu_and_ml/blender/blender_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/blender/blender_video.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/.gitignore: -------------------------------------------------------------------------------- 1 | comfyui_gen_image.png 2 | -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/comfyapp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/comfyapp.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/comfyclient.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/comfyclient.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/essentials/essentials_example.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/essentials/essentials_example.json -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/essentials/essentials_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/essentials/essentials_example.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/essentials/simple_mask.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/essentials/simple_mask.png -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/essentials/vernere.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/essentials/vernere.jpg -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/impact/impact_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/impact/impact_example.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/impact/impact_workflow.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/impact/impact_workflow.json -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/ip_adapter/ip_adapter_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/ip_adapter/ip_adapter_example.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/ip_adapter/ip_adapter_workflow.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/ip_adapter/ip_adapter_workflow.json -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/ip_adapter/starry_night.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/ip_adapter/starry_night.jpg -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/kjnodes/kjnodes_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/kjnodes/kjnodes_example.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/kjnodes/kjnodes_workflow.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/kjnodes/kjnodes_workflow.json -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/kjnodes/mood.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/kjnodes/mood.jpg -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/kjnodes/tram.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/kjnodes/tram.jpeg -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/memory_snapshot/memory_snapshot_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/memory_snapshot/memory_snapshot_example.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/memory_snapshot/memory_snapshot_helper/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/memory_snapshot/memory_snapshot_helper/__init__.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/memory_snapshot/memory_snapshot_helper/prestartup_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/memory_snapshot/memory_snapshot_helper/prestartup_script.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/was_node_suite/was_node_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/was_node_suite/was_node_example.py -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/was_node_suite/was_node_workflow.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/was_node_suite/was_node_workflow.json -------------------------------------------------------------------------------- /06_gpu_and_ml/comfyui/workflow_api.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/comfyui/workflow_api.json -------------------------------------------------------------------------------- /06_gpu_and_ml/controlnet/controlnet_gradio_demos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/controlnet/controlnet_gradio_demos.py -------------------------------------------------------------------------------- /06_gpu_and_ml/controlnet/demo_images/dog.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/controlnet/demo_images/dog.png -------------------------------------------------------------------------------- /06_gpu_and_ml/controlnet/demo_images/house.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/controlnet/demo_images/house.png -------------------------------------------------------------------------------- /06_gpu_and_ml/controlnet/demo_images/modal-logo-bright.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/controlnet/demo_images/modal-logo-bright.png -------------------------------------------------------------------------------- /06_gpu_and_ml/controlnet/demo_images/modal-logo-edges.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/controlnet/demo_images/modal-logo-edges.png -------------------------------------------------------------------------------- /06_gpu_and_ml/dreambooth/assets/background.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/dreambooth/assets/background.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/dreambooth/assets/favicon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/dreambooth/assets/favicon.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/dreambooth/assets/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/dreambooth/assets/index.css -------------------------------------------------------------------------------- /06_gpu_and_ml/dreambooth/diffusers_lora_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/dreambooth/diffusers_lora_finetune.py -------------------------------------------------------------------------------- /06_gpu_and_ml/dreambooth/gradio-image-generate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/dreambooth/gradio-image-generate.png -------------------------------------------------------------------------------- /06_gpu_and_ml/dreambooth/instance_example_urls.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/dreambooth/instance_example_urls.txt -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/amazon_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/amazon_embeddings.py -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/image_embeddings_infinity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/image_embeddings_infinity.py -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/qdrant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/qdrant.py -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/text_embeddings_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/text_embeddings_inference.py -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/wikipedia/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/wikipedia/README.md -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/wikipedia/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/wikipedia/download.py -------------------------------------------------------------------------------- /06_gpu_and_ml/embeddings/wikipedia/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/embeddings/wikipedia/main.py -------------------------------------------------------------------------------- /06_gpu_and_ml/flan_t5/flan_t5_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/flan_t5/flan_t5_finetune.py -------------------------------------------------------------------------------- /06_gpu_and_ml/gpu_fallbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/gpu_fallbacks.py -------------------------------------------------------------------------------- /06_gpu_and_ml/gpu_packing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/gpu_packing.py -------------------------------------------------------------------------------- /06_gpu_and_ml/gpu_snapshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/gpu_snapshot.py -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/assets/background.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/assets/background.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/assets/favicon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/assets/favicon.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/assets/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/assets/index.css -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/gradio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/gradio.png -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/hp_sweep_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/hp_sweep_gpt.py -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/shakespeare.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/shakespeare.jpg -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/src/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/src/dataset.py -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/src/logs_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/src/logs_manager.py -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/src/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/src/model.py -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/src/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/src/tokenizer.py -------------------------------------------------------------------------------- /06_gpu_and_ml/hyperparameter-sweep/tensorboard.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/hyperparameter-sweep/tensorboard.png -------------------------------------------------------------------------------- /06_gpu_and_ml/image-to-video/frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/image-to-video/frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/image-to-video/image_to_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/image-to-video/image_to_video.py -------------------------------------------------------------------------------- /06_gpu_and_ml/import_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/import_torch.py -------------------------------------------------------------------------------- /06_gpu_and_ml/langchains/potus_speech_qanda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/langchains/potus_speech_qanda.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/chat_with_pdf_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/chat_with_pdf_vision.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/gpt_oss_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/gpt_oss_inference.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/llama_cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/llama_cpp.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/ministral3_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/ministral3_inference.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/ollama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/ollama.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/openai_compatible/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/openai_compatible/client.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/openai_compatible/load_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/openai_compatible/load_test.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/openai_compatible/locustfile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/openai_compatible/locustfile.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/sgl_vlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/sgl_vlm.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/tokasaurus_throughput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/tokasaurus_throughput.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/trtllm_latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/trtllm_latency.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/trtllm_throughput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/trtllm_throughput.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-serving/vllm_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-serving/vllm_inference.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-structured/instructor_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-structured/instructor_generate.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-structured/jsonformer_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-structured/jsonformer_generate.py -------------------------------------------------------------------------------- /06_gpu_and_ml/llm-structured/outlines_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/llm-structured/outlines_generate.py -------------------------------------------------------------------------------- /06_gpu_and_ml/long-training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/long-training.py -------------------------------------------------------------------------------- /06_gpu_and_ml/nsight-profiling/.gitignore: -------------------------------------------------------------------------------- 1 | *.nsys-rep 2 | -------------------------------------------------------------------------------- /06_gpu_and_ml/nsight-profiling/nsys.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/nsight-profiling/nsys.py -------------------------------------------------------------------------------- /06_gpu_and_ml/nsight-profiling/toy.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/nsight-profiling/toy.cu -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/fine_tune_asr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/fine_tune_asr.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/.gitignore: -------------------------------------------------------------------------------- 1 | models/ 2 | -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/audio/common_voice_hi_31822997.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/audio/common_voice_hi_31822997.mp3 -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/readme.md -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/requirements.txt -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/train/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/train/config.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/train/end_to_end_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/train/end_to_end_check.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/train/logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/train/logs.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/train/train.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/finetuning/train/transcribe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/finetuning/train/transcribe.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/README.md -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/api.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/config.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/.gitignore -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/package-lock.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/package-lock.json -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/package.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/package.json -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/postcss.config.cjs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/postcss.config.cjs -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/app.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/app.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/components/Footer.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/components/Footer.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/components/HomeButton.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/components/HomeButton.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/components/Spinner.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/components/Spinner.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/index.css -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/main.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/main.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/modal-logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/modal-logo.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/modal-wordmark.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/modal-wordmark.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/routes/episode.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/routes/episode.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/routes/podcast.tsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/routes/podcast.tsx -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/src/vite-env.d.ts: -------------------------------------------------------------------------------- 1 | /// 2 | -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/tailwind.config.cjs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/tailwind.config.cjs -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/tsconfig.json -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/tsconfig.node.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/tsconfig.node.json -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/vite.config.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/frontend/vite.config.ts -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/main.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/podcast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/podcast.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/search.py -------------------------------------------------------------------------------- /06_gpu_and_ml/openai_whisper/pod_transcriber/app/transcribe_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/openai_whisper/pod_transcriber/app/transcribe_check.py -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/boltz_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/boltz_predict.py -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/chai1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/chai1.py -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/data/boltz_affinity.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/data/boltz_affinity.yaml -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/data/chai1_default_inference.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/data/chai1_default_inference.json -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/data/chai1_default_input.fasta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/data/chai1_default_input.fasta -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/data/chai1_quick_inference.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/data/chai1_quick_inference.json -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/data/seq1.a3m: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/data/seq1.a3m -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/esm3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/esm3.py -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/frontend/background.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/frontend/background.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/frontend/favicon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/frontend/favicon.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/frontend/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/frontend/index.css -------------------------------------------------------------------------------- /06_gpu_and_ml/protein-folding/gradio_ui.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/protein-folding/gradio_ui.png -------------------------------------------------------------------------------- /06_gpu_and_ml/reinforcement-learning/config_grpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/reinforcement-learning/config_grpo.yaml -------------------------------------------------------------------------------- /06_gpu_and_ml/reinforcement-learning/grpo_trl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/reinforcement-learning/grpo_trl.py -------------------------------------------------------------------------------- /06_gpu_and_ml/reinforcement-learning/grpo_verl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/reinforcement-learning/grpo_verl.py -------------------------------------------------------------------------------- /06_gpu_and_ml/reinforcement-learning/learn_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/reinforcement-learning/learn_math.py -------------------------------------------------------------------------------- /06_gpu_and_ml/reinforcement-learning/trainer_script_grpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/reinforcement-learning/trainer_script_grpo.py -------------------------------------------------------------------------------- /06_gpu_and_ml/sam/cliff_jumping.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/sam/cliff_jumping.mp4 -------------------------------------------------------------------------------- /06_gpu_and_ml/sam/segment_anything.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/sam/segment_anything.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/__init__.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/asr_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/asr_utils.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/batched_whisper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/batched_whisper.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/cache_aware_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/cache_aware_buffer.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/multitalker-frontend/audio-processor.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/multitalker-frontend/audio-processor.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/multitalker-frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/multitalker-frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/multitalker-frontend/parakeet.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/multitalker-frontend/parakeet.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/parakeet_multitalker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/parakeet_multitalker.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/sortformer2_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/sortformer2_1.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/sortformer2_1_speaker_diarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/sortformer2_1_speaker_diarization.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-diarization-frontend/audio-processor.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-diarization-frontend/audio-processor.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-diarization-frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-diarization-frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-diarization-frontend/sortformer2_1.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-diarization-frontend/sortformer2_1.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-kyutai-stt-frontend/audio.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-kyutai-stt-frontend/audio.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-kyutai-stt-frontend/modal-logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-kyutai-stt-frontend/modal-logo.svg -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-parakeet-frontend/audio-processor.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-parakeet-frontend/audio-processor.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-parakeet-frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-parakeet-frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming-parakeet-frontend/parakeet.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming-parakeet-frontend/parakeet.js -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming_kyutai_stt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming_kyutai_stt.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming_parakeet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming_parakeet.py -------------------------------------------------------------------------------- /06_gpu_and_ml/speech-to-text/streaming_whisper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/speech-to-text/streaming_whisper.py -------------------------------------------------------------------------------- /06_gpu_and_ml/stable_diffusion/demo_images/dog.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/stable_diffusion/demo_images/dog.png -------------------------------------------------------------------------------- /06_gpu_and_ml/stable_diffusion/flux.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/stable_diffusion/flux.py -------------------------------------------------------------------------------- /06_gpu_and_ml/stable_diffusion/frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/stable_diffusion/frontend/index.html -------------------------------------------------------------------------------- /06_gpu_and_ml/stable_diffusion/image_to_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/stable_diffusion/image_to_image.py -------------------------------------------------------------------------------- /06_gpu_and_ml/stable_diffusion/text_to_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/stable_diffusion/text_to_image.py -------------------------------------------------------------------------------- /06_gpu_and_ml/tensorflow/tensorboard.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/tensorflow/tensorboard.png -------------------------------------------------------------------------------- /06_gpu_and_ml/tensorflow/tensorflow_tutorial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/tensorflow/tensorflow_tutorial.py -------------------------------------------------------------------------------- /06_gpu_and_ml/text-to-audio/chatterbox_tts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/text-to-audio/chatterbox_tts.py -------------------------------------------------------------------------------- /06_gpu_and_ml/text-to-audio/generate_music.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/text-to-audio/generate_music.py -------------------------------------------------------------------------------- /06_gpu_and_ml/text-to-video/ltx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/text-to-video/ltx.py -------------------------------------------------------------------------------- /06_gpu_and_ml/text-to-video/mochi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/text-to-video/mochi.py -------------------------------------------------------------------------------- /06_gpu_and_ml/torch_profiling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/torch_profiling.py -------------------------------------------------------------------------------- /06_gpu_and_ml/unsloth_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/unsloth_finetune.py -------------------------------------------------------------------------------- /06_gpu_and_ml/yolo/finetune_yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/06_gpu_and_ml/yolo/finetune_yolo.py -------------------------------------------------------------------------------- /07_web_endpoints/badges.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/badges.py -------------------------------------------------------------------------------- /07_web_endpoints/badges_deploy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/badges_deploy.png -------------------------------------------------------------------------------- /07_web_endpoints/basic_web.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/basic_web.py -------------------------------------------------------------------------------- /07_web_endpoints/count_faces.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/count_faces.py -------------------------------------------------------------------------------- /07_web_endpoints/discord_bot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/discord_bot.py -------------------------------------------------------------------------------- /07_web_endpoints/fastapi_app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fastapi_app.py -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml-checkboxes/cbx_load_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml-checkboxes/cbx_load_test.py -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml-checkboxes/cbx_locustfile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml-checkboxes/cbx_locustfile.py -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml-checkboxes/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml-checkboxes/constants.py -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml-checkboxes/fasthtml_checkboxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml-checkboxes/fasthtml_checkboxes.py -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml-checkboxes/styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml-checkboxes/styles.css -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml-checkboxes/ui.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml-checkboxes/ui.png -------------------------------------------------------------------------------- /07_web_endpoints/fasthtml_app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fasthtml_app.py -------------------------------------------------------------------------------- /07_web_endpoints/fastrtc_flip_webcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/fastrtc_flip_webcam.py -------------------------------------------------------------------------------- /07_web_endpoints/flask_app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/flask_app.py -------------------------------------------------------------------------------- /07_web_endpoints/flask_streaming.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/flask_streaming.py -------------------------------------------------------------------------------- /07_web_endpoints/streaming.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/streaming.py -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/frontend/index.html -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/frontend/modal_webrtc.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/frontend/modal_webrtc.js -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/frontend/webcam_webrtc.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/frontend/webcam_webrtc.js -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/modal_webrtc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/modal_webrtc.py -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/webrtc_yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/webrtc_yolo.py -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/webrtc_yolo_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/webrtc_yolo_test.py -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/yolo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/yolo/__init__.py -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/yolo/yolo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/yolo/yolo.py -------------------------------------------------------------------------------- /07_web_endpoints/webrtc/yolo/yolo_classes.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/07_web_endpoints/webrtc/yolo/yolo_classes.txt -------------------------------------------------------------------------------- /08_advanced/generators_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/08_advanced/generators_async.py -------------------------------------------------------------------------------- /08_advanced/hello_world_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/08_advanced/hello_world_async.py -------------------------------------------------------------------------------- /08_advanced/parallel_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/08_advanced/parallel_execution.py -------------------------------------------------------------------------------- /08_advanced/poll_delayed_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/08_advanced/poll_delayed_result.py -------------------------------------------------------------------------------- /09_job_queues/dicts_and_queues.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/dicts_and_queues.py -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_frontend/app.jsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_frontend/app.jsx -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_frontend/images/favicon.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_frontend/images/favicon.svg -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_frontend/images/modal_mascots.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_frontend/images/modal_mascots.svg -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_frontend/images/modal_wordmark.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_frontend/images/modal_wordmark.svg -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_frontend/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_frontend/index.html -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_jobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_jobs.py -------------------------------------------------------------------------------- /09_job_queues/doc_ocr_webapp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/doc_ocr_webapp.py -------------------------------------------------------------------------------- /09_job_queues/web_job_queue_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/09_job_queues/web_job_queue_wrapper.py -------------------------------------------------------------------------------- /10_integrations/algolia_indexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/algolia_indexer.py -------------------------------------------------------------------------------- /10_integrations/cloud_bucket_mount_loras.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/cloud_bucket_mount_loras.py -------------------------------------------------------------------------------- /10_integrations/cron_datasette.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/cron_datasette.py -------------------------------------------------------------------------------- /10_integrations/dbt/.gitignore: -------------------------------------------------------------------------------- 1 | logs/ 2 | sample_proj/logs -------------------------------------------------------------------------------- /10_integrations/dbt/dbt_docs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/dbt_docs.png -------------------------------------------------------------------------------- /10_integrations/dbt/dbt_duckdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/dbt_duckdb.py -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/.gitignore: -------------------------------------------------------------------------------- 1 | 2 | target/ 3 | dbt_packages/ 4 | logs/ 5 | -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/dbt_project.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/dbt_project.yml -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/customers.sql: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/customers.sql -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/orders.sql: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/orders.sql -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/sources.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/sources.yml -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/staging/schema.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/staging/schema.yml -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/staging/stg_customers.sql: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/staging/stg_customers.sql -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/staging/stg_orders.sql: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/staging/stg_orders.sql -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/models/staging/stg_payments.sql: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/models/staging/stg_payments.sql -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/profiles.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/profiles.yml -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/seeds/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/seeds/raw_customers.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/seeds/raw_customers.csv -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/seeds/raw_orders.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/seeds/raw_orders.csv -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/seeds/raw_payments.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/dbt/sample_proj_duckdb_s3/seeds/raw_payments.csv -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/snapshots/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /10_integrations/dbt/sample_proj_duckdb_s3/tests/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /10_integrations/ikea-instructions-for-building-a-gpu-rig-for-deep-learning.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/ikea-instructions-for-building-a-gpu-rig-for-deep-learning.png -------------------------------------------------------------------------------- /10_integrations/mcp_server_stateless.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/mcp_server_stateless.py -------------------------------------------------------------------------------- /10_integrations/multion_news_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/multion_news_agent.py -------------------------------------------------------------------------------- /10_integrations/nyc_yellow_taxi_trips_s3_mount.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/nyc_yellow_taxi_trips_s3_mount.png -------------------------------------------------------------------------------- /10_integrations/pushgateway.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/pushgateway.py -------------------------------------------------------------------------------- /10_integrations/pushgateway_diagram.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/pushgateway_diagram.png -------------------------------------------------------------------------------- /10_integrations/pushgateway_grafana.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/pushgateway_grafana.png -------------------------------------------------------------------------------- /10_integrations/s3_bucket_mount.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/s3_bucket_mount.py -------------------------------------------------------------------------------- /10_integrations/streamlit/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/streamlit/app.py -------------------------------------------------------------------------------- /10_integrations/streamlit/serve_streamlit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/streamlit/serve_streamlit.py -------------------------------------------------------------------------------- /10_integrations/streamlit/streamlit.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/streamlit/streamlit.png -------------------------------------------------------------------------------- /10_integrations/tailscale/entrypoint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/tailscale/entrypoint.sh -------------------------------------------------------------------------------- /10_integrations/tailscale/modal_tailscale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/tailscale/modal_tailscale.py -------------------------------------------------------------------------------- /10_integrations/webscraper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/webscraper.py -------------------------------------------------------------------------------- /10_integrations/webscraper_old.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/10_integrations/webscraper_old.py -------------------------------------------------------------------------------- /11_notebooks/basic.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/11_notebooks/basic.ipynb -------------------------------------------------------------------------------- /11_notebooks/jupyter_inside_modal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/11_notebooks/jupyter_inside_modal.py -------------------------------------------------------------------------------- /12_datasets/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/12_datasets/coco.py -------------------------------------------------------------------------------- /12_datasets/imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/12_datasets/imagenet.py -------------------------------------------------------------------------------- /12_datasets/laion400.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/12_datasets/laion400.py -------------------------------------------------------------------------------- /12_datasets/rosettafold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/12_datasets/rosettafold.py -------------------------------------------------------------------------------- /13_sandboxes/anthropic_computer_use.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/anthropic_computer_use.py -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/README.md -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/agent.py -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/langserve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/langserve.py -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/src/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/src/common.py -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/src/edges.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/src/edges.py -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/src/nodes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/src/nodes.py -------------------------------------------------------------------------------- /13_sandboxes/codelangchain/src/retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/codelangchain/src/retrieval.py -------------------------------------------------------------------------------- /13_sandboxes/jupyter_sandbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/jupyter_sandbox.py -------------------------------------------------------------------------------- /13_sandboxes/safe_code_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/safe_code_execution.py -------------------------------------------------------------------------------- /13_sandboxes/sandbox_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/sandbox_agent.py -------------------------------------------------------------------------------- /13_sandboxes/sandbox_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/sandbox_pool.py -------------------------------------------------------------------------------- /13_sandboxes/simple_code_interpreter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/simple_code_interpreter.py -------------------------------------------------------------------------------- /13_sandboxes/test_case_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/13_sandboxes/test_case_generator.py -------------------------------------------------------------------------------- /14_clusters/simple_torch_cluster.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/14_clusters/simple_torch_cluster.py -------------------------------------------------------------------------------- /14_clusters/simple_torch_cluster_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/14_clusters/simple_torch_cluster_script.py -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/README.md -------------------------------------------------------------------------------- /internal/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/conftest.py -------------------------------------------------------------------------------- /internal/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/deploy.py -------------------------------------------------------------------------------- /internal/examples_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/examples_test.py -------------------------------------------------------------------------------- /internal/generate_diff_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/generate_diff_matrix.py -------------------------------------------------------------------------------- /internal/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/readme.md -------------------------------------------------------------------------------- /internal/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/requirements.txt -------------------------------------------------------------------------------- /internal/run_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/run_example.py -------------------------------------------------------------------------------- /internal/test-event.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/test-event.json -------------------------------------------------------------------------------- /internal/test_generate_diff_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/test_generate_diff_matrix.py -------------------------------------------------------------------------------- /internal/typecheck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/typecheck.py -------------------------------------------------------------------------------- /internal/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/internal/utils.py -------------------------------------------------------------------------------- /misc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/README.md -------------------------------------------------------------------------------- /misc/aquiles_image_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/aquiles_image_server.py -------------------------------------------------------------------------------- /misc/batch_inference/batch_inference_huggingface.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/batch_inference/batch_inference_huggingface.png -------------------------------------------------------------------------------- /misc/batch_inference/batch_inference_progress.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/batch_inference/batch_inference_progress.png -------------------------------------------------------------------------------- /misc/batch_inference/batch_inference_roc.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/batch_inference/batch_inference_roc.png -------------------------------------------------------------------------------- /misc/batch_inference/batch_inference_using_huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/batch_inference/batch_inference_using_huggingface.py -------------------------------------------------------------------------------- /misc/deepseek_openai_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/deepseek_openai_server.py -------------------------------------------------------------------------------- /misc/falcon_bitsandbytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/falcon_bitsandbytes.py -------------------------------------------------------------------------------- /misc/falcon_gptq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/falcon_gptq.py -------------------------------------------------------------------------------- /misc/flux_endpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/flux_endpoint.py -------------------------------------------------------------------------------- /misc/google_search_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/google_search_generator.py -------------------------------------------------------------------------------- /misc/gpt_oss_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/gpt_oss_sglang.py -------------------------------------------------------------------------------- /misc/hello_shebang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/hello_shebang.py -------------------------------------------------------------------------------- /misc/hunyuan_gamecraft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/hunyuan_gamecraft.py -------------------------------------------------------------------------------- /misc/lmdeploy_oai_compatible.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/lmdeploy_oai_compatible.py -------------------------------------------------------------------------------- /misc/news_summarizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/news_summarizer.py -------------------------------------------------------------------------------- /misc/ollama_deployment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/ollama_deployment.py -------------------------------------------------------------------------------- /misc/queue_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/queue_simple.py -------------------------------------------------------------------------------- /misc/quic/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/quic/client.py -------------------------------------------------------------------------------- /misc/quic/quic_yolo_modal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/quic/quic_yolo_modal.py -------------------------------------------------------------------------------- /misc/run_fooocus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/run_fooocus.py -------------------------------------------------------------------------------- /misc/sandbox_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/sandbox_executor.py -------------------------------------------------------------------------------- /misc/say_hello_cron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/say_hello_cron.py -------------------------------------------------------------------------------- /misc/stable_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/stable_lm.py -------------------------------------------------------------------------------- /misc/tgi_oai_compatible.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/tgi_oai_compatible.py -------------------------------------------------------------------------------- /misc/trellis3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/trellis3d.py -------------------------------------------------------------------------------- /misc/trtllm_deepseek.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/trtllm_deepseek.py -------------------------------------------------------------------------------- /misc/xgboost_optuna_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/misc/xgboost_optuna_search.py -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/modal-labs/modal-examples/HEAD/pyproject.toml --------------------------------------------------------------------------------