fastrtc


Namefastrtc JSON
Version 0.0.13 PyPI version JSON
download
home_pageNone
SummaryThe realtime communication library for Python
upload_time2025-03-07 19:20:46
maintainerNone
docs_urlNone
authorNone
requires_python>=3.10
licenseNone
keywords audio audio processing computer vision gradio-custom-component image machine learning realtime streaming video video processing webrtc
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            <div style='text-align: center; margin-bottom: 1rem; display: flex; justify-content: center; align-items: center;'>
    <h1 style='color: white; margin: 0;'>FastRTC</h1>
    <img src='https://huggingface.co/datasets/freddyaboulton/bucket/resolve/main/fastrtc_logo_small.png'
         alt="FastRTC Logo" 
         style="margin-right: 10px;">
</div>

<div style="display: flex; flex-direction: row; justify-content: center">
<img style="display: block; padding-right: 5px; height: 20px;" alt="Static Badge" src="https://img.shields.io/pypi/v/fastrtc"> 
<a href="https://github.com/freddyaboulton/fastrtc" target="_blank"><img alt="Static Badge" src="https://img.shields.io/badge/github-white?logo=github&logoColor=black"></a>
</div>

<h3 style='text-align: center'>
The Real-Time Communication Library for Python. 
</h3>

Turn any python function into a real-time audio and video stream over WebRTC or WebSockets.

## Installation

```bash
pip install fastrtc
```

to use built-in pause detection (see [ReplyOnPause](https://fastrtc.org/userguide/audio/#reply-on-pause)), and text to speech (see [Text To Speech](https://fastrtc.org/userguide/audio/#text-to-speech)), install the `vad` and `tts` extras:

```bash
pip install "fastrtc[vad, tts]"
```

## Key Features

- 🗣️ Automatic Voice Detection and Turn Taking built-in, only worry about the logic for responding to the user.
- 💻 Automatic UI - Use the `.ui.launch()` method to launch the webRTC-enabled built-in Gradio UI.
- 🔌 Automatic WebRTC Support - Use the `.mount(app)` method to mount the stream on a FastAPI app and get a webRTC endpoint for your own frontend! 
- ⚡️ Websocket Support - Use the `.mount(app)` method to mount the stream on a FastAPI app and get a websocket endpoint for your own frontend! 
- 📞 Automatic Telephone Support - Use the `fastphone()` method of the stream to launch the application and get a free temporary phone number!
- 🤖 Completely customizable backend - A `Stream` can easily be mounted on a FastAPI app so you can easily extend it to fit your production application. See the [Talk To Claude](https://huggingface.co/spaces/fastrtc/talk-to-claude) demo for an example on how to serve a custom JS frontend.

## Docs

[https://fastrtc.org](https://fastrtc.org)

## Examples
See the [Cookbook](https://fastrtc.org/cookbook/) for examples of how to use the library.

<table>
<tr>
<td width="50%">
<h3>🗣️👀 Gemini Audio Video Chat</h3>
<p>Stream BOTH your webcam video and audio feeds to Google Gemini. You can also upload images to augment your conversation!</p>
<video width="100%" src="https://github.com/user-attachments/assets/9636dc97-4fee-46bb-abb8-b92e69c08c71" controls></video>
<p>
<a href="https://huggingface.co/spaces/freddyaboulton/gemini-audio-video-chat">Demo</a> |
<a href="https://huggingface.co/spaces/freddyaboulton/gemini-audio-video-chat/blob/main/app.py">Code</a>
</p>
</td>
<td width="50%">
<h3>🗣️ Google Gemini Real Time Voice API</h3>
<p>Talk to Gemini in real time using Google's voice API.</p>
<video width="100%" src="https://github.com/user-attachments/assets/ea6d18cb-8589-422b-9bba-56332d9f61de" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/talk-to-gemini">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/talk-to-gemini/blob/main/app.py">Code</a>
</p>
</td>
</tr>

<tr>
<td width="50%">
<h3>🗣️ OpenAI Real Time Voice API</h3>
<p>Talk to ChatGPT in real time using OpenAI's voice API.</p>
<video width="100%" src="https://github.com/user-attachments/assets/178bdadc-f17b-461a-8d26-e915c632ff80" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/talk-to-openai">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/talk-to-openai/blob/main/app.py">Code</a>
</p>
</td>
<td width="50%">
<h3>🤖 Hello Computer</h3>
<p>Say computer before asking your question!</p>
<video width="100%" src="https://github.com/user-attachments/assets/afb2a3ef-c1ab-4cfb-872d-578f895a10d5" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/hello-computer">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/hello-computer/blob/main/app.py">Code</a>
</p>
</td>
</tr>

<tr>
<td width="50%">
<h3>🤖 Llama Code Editor</h3>
<p>Create and edit HTML pages with just your voice! Powered by SambaNova systems.</p>
<video width="100%" src="https://github.com/user-attachments/assets/98523cf3-dac8-4127-9649-d91a997e3ef5" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/llama-code-editor">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/llama-code-editor/blob/main/app.py">Code</a>
</p>
</td>
<td width="50%">
<h3>🗣️ Talk to Claude</h3>
<p>Use the Anthropic and Play.Ht APIs to have an audio conversation with Claude.</p>
<video width="100%" src="https://github.com/user-attachments/assets/fb6ef07f-3ccd-444a-997b-9bc9bdc035d3" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/talk-to-claude">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/talk-to-claude/blob/main/app.py">Code</a>
</p>
</td>
</tr>

<tr>
<td width="50%">
<h3>🎵 Whisper Transcription</h3>
<p>Have whisper transcribe your speech in real time!</p>
<video width="100%" src="https://github.com/user-attachments/assets/87603053-acdc-4c8a-810f-f618c49caafb" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/whisper-realtime">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/whisper-realtime/blob/main/app.py">Code</a>
</p>
</td>
<td width="50%">
<h3>📷 Yolov10 Object Detection</h3>
<p>Run the Yolov10 model on a user webcam stream in real time!</p>
<video width="100%" src="https://github.com/user-attachments/assets/f82feb74-a071-4e81-9110-a01989447ceb" controls></video>
<p>
<a href="https://huggingface.co/spaces/fastrtc/object-detection">Demo</a> |
<a href="https://huggingface.co/spaces/fastrtc/object-detection/blob/main/app.py">Code</a>
</p>
</td>
</tr>

<tr>
<td width="50%">
<h3>🗣️ Kyutai Moshi</h3>
<p>Kyutai's moshi is a novel speech-to-speech model for modeling human conversations.</p>
<video width="100%" src="https://github.com/user-attachments/assets/becc7a13-9e89-4a19-9df2-5fb1467a0137" controls></video>
<p>
<a href="https://huggingface.co/spaces/freddyaboulton/talk-to-moshi">Demo</a> |
<a href="https://huggingface.co/spaces/freddyaboulton/talk-to-moshi/blob/main/app.py">Code</a>
</p>
</td>
<td width="50%">
<h3>🗣️ Hello Llama: Stop Word Detection</h3>
<p>A code editor built with Llama 3.3 70b that is triggered by the phrase "Hello Llama". Build a Siri-like coding assistant in 100 lines of code!</p>
<video width="100%" src="https://github.com/user-attachments/assets/3e10cb15-ff1b-4b17-b141-ff0ad852e613" controls></video>
<p>
<a href="https://huggingface.co/spaces/freddyaboulton/hey-llama-code-editor">Demo</a> |
<a href="https://huggingface.co/spaces/freddyaboulton/hey-llama-code-editor/blob/main/app.py">Code</a>
</p>
</td>
</tr>
</table>

## Usage

This is an shortened version of the official [usage guide](https://freddyaboulton.github.io/gradio-webrtc/user-guide/). 

- `.ui.launch()`: Launch a built-in UI for easily testing and sharing your stream. Built with [Gradio](https://www.gradio.app/).
- `.fastphone()`: Get a free temporary phone number to call into your stream. Hugging Face token required.
- `.mount(app)`: Mount the stream on a [FastAPI](https://fastapi.tiangolo.com/) app. Perfect for integrating with your already existing production system.


## Quickstart

### Echo Audio

```python
from fastrtc import Stream, ReplyOnPause
import numpy as np

def echo(audio: tuple[int, np.ndarray]):
    # The function will be passed the audio until the user pauses
    # Implement any iterator that yields audio
    # See "LLM Voice Chat" for a more complete example
    yield audio

stream = Stream(
    handler=ReplyOnPause(echo),
    modality="audio", 
    mode="send-receive",
)
```

### LLM Voice Chat

```py
from fastrtc import (
    ReplyOnPause, AdditionalOutputs, Stream,
    audio_to_bytes, aggregate_bytes_to_16bit
)
import gradio as gr
from groq import Groq
import anthropic
from elevenlabs import ElevenLabs

groq_client = Groq()
claude_client = anthropic.Anthropic()
tts_client = ElevenLabs()


# See "Talk to Claude" in Cookbook for an example of how to keep 
# track of the chat history.
def response(
    audio: tuple[int, np.ndarray],
):
    prompt = groq_client.audio.transcriptions.create(
        file=("audio-file.mp3", audio_to_bytes(audio)),
        model="whisper-large-v3-turbo",
        response_format="verbose_json",
    ).text
    response = claude_client.messages.create(
        model="claude-3-5-haiku-20241022",
        max_tokens=512,
        messages=[{"role": "user", "content": prompt}],
    )
    response_text = " ".join(
        block.text
        for block in response.content
        if getattr(block, "type", None) == "text"
    )
    iterator = tts_client.text_to_speech.convert_as_stream(
        text=response_text,
        voice_id="JBFqnCBsd6RMkjVDRZzb",
        model_id="eleven_multilingual_v2",
        output_format="pcm_24000"
        
    )
    for chunk in aggregate_bytes_to_16bit(iterator):
        audio_array = np.frombuffer(chunk, dtype=np.int16).reshape(1, -1)
        yield (24000, audio_array)

stream = Stream(
    modality="audio",
    mode="send-receive",
    handler=ReplyOnPause(response),
)
```

### Webcam Stream

```python
from fastrtc import Stream
import numpy as np


def flip_vertically(image):
    return np.flip(image, axis=0)


stream = Stream(
    handler=flip_vertically,
    modality="video",
    mode="send-receive",
)
```

### Object Detection

```python
from fastrtc import Stream
import gradio as gr
import cv2
from huggingface_hub import hf_hub_download
from .inference import YOLOv10

model_file = hf_hub_download(
    repo_id="onnx-community/yolov10n", filename="onnx/model.onnx"
)

# git clone https://huggingface.co/spaces/fastrtc/object-detection
# for YOLOv10 implementation
model = YOLOv10(model_file)

def detection(image, conf_threshold=0.3):
    image = cv2.resize(image, (model.input_width, model.input_height))
    new_image = model.detect_objects(image, conf_threshold)
    return cv2.resize(new_image, (500, 500))

stream = Stream(
    handler=detection,
    modality="video", 
    mode="send-receive",
    additional_inputs=[
        gr.Slider(minimum=0, maximum=1, step=0.01, value=0.3)
    ]
)
```

## Running the Stream

Run:

### Gradio

```py
stream.ui.launch()
```

### Telephone (Audio Only)

    ```py
    stream.fastphone()
    ```

### FastAPI

```py
app = FastAPI()
stream.mount(app)

# Optional: Add routes
@app.get("/")
async def _():
    return HTMLResponse(content=open("index.html").read())

# uvicorn app:app --host 0.0.0.0 --port 8000
```

            

Raw data

            {
    "_id": null,
    "home_page": null,
    "name": "fastrtc",
    "maintainer": null,
    "docs_url": null,
    "requires_python": ">=3.10",
    "maintainer_email": null,
    "keywords": "audio, audio processing, computer vision, gradio-custom-component, image, machine learning, realtime, streaming, video, video processing, webrtc",
    "author": null,
    "author_email": "Freddy Boulton <YOUREMAIL@domain.com>",
    "download_url": null,
    "platform": null,
    "description": "<div style='text-align: center; margin-bottom: 1rem; display: flex; justify-content: center; align-items: center;'>\n    <h1 style='color: white; margin: 0;'>FastRTC</h1>\n    <img src='https://huggingface.co/datasets/freddyaboulton/bucket/resolve/main/fastrtc_logo_small.png'\n         alt=\"FastRTC Logo\" \n         style=\"margin-right: 10px;\">\n</div>\n\n<div style=\"display: flex; flex-direction: row; justify-content: center\">\n<img style=\"display: block; padding-right: 5px; height: 20px;\" alt=\"Static Badge\" src=\"https://img.shields.io/pypi/v/fastrtc\"> \n<a href=\"https://github.com/freddyaboulton/fastrtc\" target=\"_blank\"><img alt=\"Static Badge\" src=\"https://img.shields.io/badge/github-white?logo=github&logoColor=black\"></a>\n</div>\n\n<h3 style='text-align: center'>\nThe Real-Time Communication Library for Python. \n</h3>\n\nTurn any python function into a real-time audio and video stream over WebRTC or WebSockets.\n\n## Installation\n\n```bash\npip install fastrtc\n```\n\nto use built-in pause detection (see [ReplyOnPause](https://fastrtc.org/userguide/audio/#reply-on-pause)), and text to speech (see [Text To Speech](https://fastrtc.org/userguide/audio/#text-to-speech)), install the `vad` and `tts` extras:\n\n```bash\npip install \"fastrtc[vad, tts]\"\n```\n\n## Key Features\n\n- \ud83d\udde3\ufe0f Automatic Voice Detection and Turn Taking built-in, only worry about the logic for responding to the user.\n- \ud83d\udcbb Automatic UI - Use the `.ui.launch()` method to launch the webRTC-enabled built-in Gradio UI.\n- \ud83d\udd0c Automatic WebRTC Support - Use the `.mount(app)` method to mount the stream on a FastAPI app and get a webRTC endpoint for your own frontend! \n- \u26a1\ufe0f Websocket Support - Use the `.mount(app)` method to mount the stream on a FastAPI app and get a websocket endpoint for your own frontend! \n- \ud83d\udcde Automatic Telephone Support - Use the `fastphone()` method of the stream to launch the application and get a free temporary phone number!\n- \ud83e\udd16 Completely customizable backend - A `Stream` can easily be mounted on a FastAPI app so you can easily extend it to fit your production application. See the [Talk To Claude](https://huggingface.co/spaces/fastrtc/talk-to-claude) demo for an example on how to serve a custom JS frontend.\n\n## Docs\n\n[https://fastrtc.org](https://fastrtc.org)\n\n## Examples\nSee the [Cookbook](https://fastrtc.org/cookbook/) for examples of how to use the library.\n\n<table>\n<tr>\n<td width=\"50%\">\n<h3>\ud83d\udde3\ufe0f\ud83d\udc40 Gemini Audio Video Chat</h3>\n<p>Stream BOTH your webcam video and audio feeds to Google Gemini. You can also upload images to augment your conversation!</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/9636dc97-4fee-46bb-abb8-b92e69c08c71\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/freddyaboulton/gemini-audio-video-chat\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/freddyaboulton/gemini-audio-video-chat/blob/main/app.py\">Code</a>\n</p>\n</td>\n<td width=\"50%\">\n<h3>\ud83d\udde3\ufe0f Google Gemini Real Time Voice API</h3>\n<p>Talk to Gemini in real time using Google's voice API.</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/ea6d18cb-8589-422b-9bba-56332d9f61de\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/talk-to-gemini\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/talk-to-gemini/blob/main/app.py\">Code</a>\n</p>\n</td>\n</tr>\n\n<tr>\n<td width=\"50%\">\n<h3>\ud83d\udde3\ufe0f OpenAI Real Time Voice API</h3>\n<p>Talk to ChatGPT in real time using OpenAI's voice API.</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/178bdadc-f17b-461a-8d26-e915c632ff80\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/talk-to-openai\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/talk-to-openai/blob/main/app.py\">Code</a>\n</p>\n</td>\n<td width=\"50%\">\n<h3>\ud83e\udd16 Hello Computer</h3>\n<p>Say computer before asking your question!</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/afb2a3ef-c1ab-4cfb-872d-578f895a10d5\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/hello-computer\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/hello-computer/blob/main/app.py\">Code</a>\n</p>\n</td>\n</tr>\n\n<tr>\n<td width=\"50%\">\n<h3>\ud83e\udd16 Llama Code Editor</h3>\n<p>Create and edit HTML pages with just your voice! Powered by SambaNova systems.</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/98523cf3-dac8-4127-9649-d91a997e3ef5\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/llama-code-editor\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/llama-code-editor/blob/main/app.py\">Code</a>\n</p>\n</td>\n<td width=\"50%\">\n<h3>\ud83d\udde3\ufe0f Talk to Claude</h3>\n<p>Use the Anthropic and Play.Ht APIs to have an audio conversation with Claude.</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/fb6ef07f-3ccd-444a-997b-9bc9bdc035d3\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/talk-to-claude\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/talk-to-claude/blob/main/app.py\">Code</a>\n</p>\n</td>\n</tr>\n\n<tr>\n<td width=\"50%\">\n<h3>\ud83c\udfb5 Whisper Transcription</h3>\n<p>Have whisper transcribe your speech in real time!</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/87603053-acdc-4c8a-810f-f618c49caafb\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/whisper-realtime\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/whisper-realtime/blob/main/app.py\">Code</a>\n</p>\n</td>\n<td width=\"50%\">\n<h3>\ud83d\udcf7 Yolov10 Object Detection</h3>\n<p>Run the Yolov10 model on a user webcam stream in real time!</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/f82feb74-a071-4e81-9110-a01989447ceb\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/fastrtc/object-detection\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/fastrtc/object-detection/blob/main/app.py\">Code</a>\n</p>\n</td>\n</tr>\n\n<tr>\n<td width=\"50%\">\n<h3>\ud83d\udde3\ufe0f Kyutai Moshi</h3>\n<p>Kyutai's moshi is a novel speech-to-speech model for modeling human conversations.</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/becc7a13-9e89-4a19-9df2-5fb1467a0137\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/freddyaboulton/talk-to-moshi\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/freddyaboulton/talk-to-moshi/blob/main/app.py\">Code</a>\n</p>\n</td>\n<td width=\"50%\">\n<h3>\ud83d\udde3\ufe0f Hello Llama: Stop Word Detection</h3>\n<p>A code editor built with Llama 3.3 70b that is triggered by the phrase \"Hello Llama\". Build a Siri-like coding assistant in 100 lines of code!</p>\n<video width=\"100%\" src=\"https://github.com/user-attachments/assets/3e10cb15-ff1b-4b17-b141-ff0ad852e613\" controls></video>\n<p>\n<a href=\"https://huggingface.co/spaces/freddyaboulton/hey-llama-code-editor\">Demo</a> |\n<a href=\"https://huggingface.co/spaces/freddyaboulton/hey-llama-code-editor/blob/main/app.py\">Code</a>\n</p>\n</td>\n</tr>\n</table>\n\n## Usage\n\nThis is an shortened version of the official [usage guide](https://freddyaboulton.github.io/gradio-webrtc/user-guide/). \n\n- `.ui.launch()`: Launch a built-in UI for easily testing and sharing your stream. Built with [Gradio](https://www.gradio.app/).\n- `.fastphone()`: Get a free temporary phone number to call into your stream. Hugging Face token required.\n- `.mount(app)`: Mount the stream on a [FastAPI](https://fastapi.tiangolo.com/) app. Perfect for integrating with your already existing production system.\n\n\n## Quickstart\n\n### Echo Audio\n\n```python\nfrom fastrtc import Stream, ReplyOnPause\nimport numpy as np\n\ndef echo(audio: tuple[int, np.ndarray]):\n    # The function will be passed the audio until the user pauses\n    # Implement any iterator that yields audio\n    # See \"LLM Voice Chat\" for a more complete example\n    yield audio\n\nstream = Stream(\n    handler=ReplyOnPause(echo),\n    modality=\"audio\", \n    mode=\"send-receive\",\n)\n```\n\n### LLM Voice Chat\n\n```py\nfrom fastrtc import (\n    ReplyOnPause, AdditionalOutputs, Stream,\n    audio_to_bytes, aggregate_bytes_to_16bit\n)\nimport gradio as gr\nfrom groq import Groq\nimport anthropic\nfrom elevenlabs import ElevenLabs\n\ngroq_client = Groq()\nclaude_client = anthropic.Anthropic()\ntts_client = ElevenLabs()\n\n\n# See \"Talk to Claude\" in Cookbook for an example of how to keep \n# track of the chat history.\ndef response(\n    audio: tuple[int, np.ndarray],\n):\n    prompt = groq_client.audio.transcriptions.create(\n        file=(\"audio-file.mp3\", audio_to_bytes(audio)),\n        model=\"whisper-large-v3-turbo\",\n        response_format=\"verbose_json\",\n    ).text\n    response = claude_client.messages.create(\n        model=\"claude-3-5-haiku-20241022\",\n        max_tokens=512,\n        messages=[{\"role\": \"user\", \"content\": prompt}],\n    )\n    response_text = \" \".join(\n        block.text\n        for block in response.content\n        if getattr(block, \"type\", None) == \"text\"\n    )\n    iterator = tts_client.text_to_speech.convert_as_stream(\n        text=response_text,\n        voice_id=\"JBFqnCBsd6RMkjVDRZzb\",\n        model_id=\"eleven_multilingual_v2\",\n        output_format=\"pcm_24000\"\n        \n    )\n    for chunk in aggregate_bytes_to_16bit(iterator):\n        audio_array = np.frombuffer(chunk, dtype=np.int16).reshape(1, -1)\n        yield (24000, audio_array)\n\nstream = Stream(\n    modality=\"audio\",\n    mode=\"send-receive\",\n    handler=ReplyOnPause(response),\n)\n```\n\n### Webcam Stream\n\n```python\nfrom fastrtc import Stream\nimport numpy as np\n\n\ndef flip_vertically(image):\n    return np.flip(image, axis=0)\n\n\nstream = Stream(\n    handler=flip_vertically,\n    modality=\"video\",\n    mode=\"send-receive\",\n)\n```\n\n### Object Detection\n\n```python\nfrom fastrtc import Stream\nimport gradio as gr\nimport cv2\nfrom huggingface_hub import hf_hub_download\nfrom .inference import YOLOv10\n\nmodel_file = hf_hub_download(\n    repo_id=\"onnx-community/yolov10n\", filename=\"onnx/model.onnx\"\n)\n\n# git clone https://huggingface.co/spaces/fastrtc/object-detection\n# for YOLOv10 implementation\nmodel = YOLOv10(model_file)\n\ndef detection(image, conf_threshold=0.3):\n    image = cv2.resize(image, (model.input_width, model.input_height))\n    new_image = model.detect_objects(image, conf_threshold)\n    return cv2.resize(new_image, (500, 500))\n\nstream = Stream(\n    handler=detection,\n    modality=\"video\", \n    mode=\"send-receive\",\n    additional_inputs=[\n        gr.Slider(minimum=0, maximum=1, step=0.01, value=0.3)\n    ]\n)\n```\n\n## Running the Stream\n\nRun:\n\n### Gradio\n\n```py\nstream.ui.launch()\n```\n\n### Telephone (Audio Only)\n\n    ```py\n    stream.fastphone()\n    ```\n\n### FastAPI\n\n```py\napp = FastAPI()\nstream.mount(app)\n\n# Optional: Add routes\n@app.get(\"/\")\nasync def _():\n    return HTMLResponse(content=open(\"index.html\").read())\n\n# uvicorn app:app --host 0.0.0.0 --port 8000\n```\n",
    "bugtrack_url": null,
    "license": null,
    "summary": "The realtime communication library for Python",
    "version": "0.0.13",
    "project_urls": {
        "Documentation": "https://freddyaboulton.github.io/gradio-webrtc/cookbook/",
        "issues": "https://github.com/freddyaboulton/gradio-webrtc/issues",
        "repository": "https://github.com/freddyaboulton/gradio-webrtc"
    },
    "split_keywords": [
        "audio",
        " audio processing",
        " computer vision",
        " gradio-custom-component",
        " image",
        " machine learning",
        " realtime",
        " streaming",
        " video",
        " video processing",
        " webrtc"
    ],
    "urls": [
        {
            "comment_text": null,
            "digests": {
                "blake2b_256": "5e287f729b0ba0c02d4a41e44c779ec8c0d16a71ae0c86854412286737c00b56",
                "md5": "3eca9bda305eb1f24b58e891a62d9c60",
                "sha256": "ffe4a56a282538bbd8b1d693ef4b135c42d81bcbdefbfb401af30b6426903731"
            },
            "downloads": -1,
            "filename": "fastrtc-0.0.13-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "3eca9bda305eb1f24b58e891a62d9c60",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.10",
            "size": 1954332,
            "upload_time": "2025-03-07T19:20:46",
            "upload_time_iso_8601": "2025-03-07T19:20:46.274653Z",
            "url": "https://files.pythonhosted.org/packages/5e/28/7f729b0ba0c02d4a41e44c779ec8c0d16a71ae0c86854412286737c00b56/fastrtc-0.0.13-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2025-03-07 19:20:46",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "freddyaboulton",
    "github_project": "gradio-webrtc",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "lcname": "fastrtc"
}
        
Elapsed time: 0.44477s