Upload all demos to spaces (#2281)

* upload all demos in the repo to spaces

* remove upload_demos from recipes, fix error

* load docs and guides demos from spaces

* Remove old demos dir, container, nginx and docker-compose

* update landing page spaces through /demo

* fix run filenames

* skip demos without a run.py file

* fix embedding in guides and docs

* update only on version change

* fix restart script

* fix broken demos

* add component demos

* website tracking pip

* fix embedded components

* fix components

* fix extra slash

* remove footers correctly

* Update CHANGELOG.md

* fix race condition

* add inner_template to gitignore

* set runfile to run.py

* fix time.sleep after testing

* check for prereleases
This commit is contained in:
Ali Abdalla 2022-10-14 14:07:26 -07:00 committed by GitHub
parent 78ab2c8e67
commit bff43bfb65
No known key found for this signature in database
GPG Key ID: 4AEE18F83AFDEB23
64 changed files with 528 additions and 1781 deletions

View File

@ -40,6 +40,7 @@ No changes to highlight.
* Change "return ValueError" to "raise ValueError" by [@vzakharov](https://github.com/vzakharov) in [PR 2445](https://github.com/gradio-app/gradio/pull/2445)
* Stops a gradio launch from hogging a port even after it's been killed [@aliabid94](https://github.com/aliabid94) in [PR 2453](https://github.com/gradio-app/gradio/pull/2453)
* Fix embedded interfaces on touch screen devices by [@aliabd](https://github.com/aliabd) in [PR 2457](https://github.com/gradio-app/gradio/pull/2457)
* Upload all demos to spaces by [@aliabd](https://github.com/aliabd) in [PR 2281](https://github.com/gradio-app/gradio/pull/2281)

Binary file not shown.

After

Width:  |  Height:  |  Size: 32 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 103 KiB

View File

@ -0,0 +1,7 @@
-f https://download.pytorch.org/whl/torch_stable.html
numpy
matplotlib
wget
torch==1.6.0+cpu
torchvision==0.7.0+cpu

View File

@ -0,0 +1,91 @@
import os
from os.path import splitext
import numpy as np
import sys
import matplotlib.pyplot as plt
import torch
import torchvision
import wget
destination_folder = "output"
destination_for_weights = "weights"
if os.path.exists(destination_for_weights):
print("The weights are at", destination_for_weights)
else:
print("Creating folder at ", destination_for_weights, " to store weights")
os.mkdir(destination_for_weights)
segmentationWeightsURL = 'https://github.com/douyang/EchoNetDynamic/releases/download/v1.0.0/deeplabv3_resnet50_random.pt'
if not os.path.exists(os.path.join(destination_for_weights, os.path.basename(segmentationWeightsURL))):
print("Downloading Segmentation Weights, ", segmentationWeightsURL," to ",os.path.join(destination_for_weights, os.path.basename(segmentationWeightsURL)))
filename = wget.download(segmentationWeightsURL, out = destination_for_weights)
else:
print("Segmentation Weights already present")
torch.cuda.empty_cache()
def collate_fn(x):
x, f = zip(*x)
i = list(map(lambda t: t.shape[1], x))
x = torch.as_tensor(np.swapaxes(np.concatenate(x, 1), 0, 1))
return x, f, i
model = torchvision.models.segmentation.deeplabv3_resnet50(pretrained=False, aux_loss=False)
model.classifier[-1] = torch.nn.Conv2d(model.classifier[-1].in_channels, 1, kernel_size=model.classifier[-1].kernel_size)
print("loading weights from ", os.path.join(destination_for_weights, "deeplabv3_resnet50_random"))
if torch.cuda.is_available():
print("cuda is available, original weights")
device = torch.device("cuda")
model = torch.nn.DataParallel(model)
model.to(device)
checkpoint = torch.load(os.path.join(destination_for_weights, os.path.basename(segmentationWeightsURL)))
model.load_state_dict(checkpoint['state_dict'])
else:
print("cuda is not available, cpu weights")
device = torch.device("cpu")
checkpoint = torch.load(os.path.join(destination_for_weights, os.path.basename(segmentationWeightsURL)), map_location = "cpu")
state_dict_cpu = {k[7:]: v for (k, v) in checkpoint['state_dict'].items()}
model.load_state_dict(state_dict_cpu)
model.eval()
def segment(input):
inp = input
x = inp.transpose([2, 0, 1]) # channels-first
x = np.expand_dims(x, axis=0) # adding a batch dimension
mean = x.mean(axis=(0, 2, 3))
std = x.std(axis=(0, 2, 3))
x = x - mean.reshape(1, 3, 1, 1)
x = x / std.reshape(1, 3, 1, 1)
with torch.no_grad():
x = torch.from_numpy(x).type('torch.FloatTensor').to(device)
output = model(x)
y = output['out'].numpy()
y = y.squeeze()
out = y>0
mask = inp.copy()
mask[out] = np.array([0, 0, 255])
return mask
import gradio as gr
i = gr.inputs.Image(shape=(112, 112), label="Echocardiogram")
o = gr.outputs.Image(label="Segmentation Mask")
examples = [["img1.jpg"], ["img2.jpg"]]
title = None #"Left Ventricle Segmentation"
description = "This semantic segmentation model identifies the left ventricle in echocardiogram images."
# videos. Accurate evaluation of the motion and size of the left ventricle is crucial for the assessment of cardiac function and ejection fraction. In this interface, the user inputs apical-4-chamber images from echocardiography videos and the model will output a prediction of the localization of the left ventricle in blue. This model was trained on the publicly released EchoNet-Dynamic dataset of 10k echocardiogram videos with 20k expert annotations of the left ventricle and published as part of Video-based AI for beat-to-beat assessment of cardiac function by Ouyang et al. in Nature, 2020."
thumbnail = "https://raw.githubusercontent.com/gradio-app/hub-echonet/master/thumbnail.png"
gr.Interface(segment, i, o, examples=examples, allow_flagging=False, analytics_enabled=False, thumbnail=thumbnail, cache_examples=False).launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Audio()
demo.launch()

View File

@ -1 +1,4 @@
shap
shap
matplotlib
transformers
torch

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Button()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Chatbot(value=[["Hello World","Hey Gradio!"],["❤️","😍"],["🔥","🤗"]])
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Checkbox()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.CheckboxGroup(choices=["First Choice", "Second Choice", "Third Choice"])
demo.launch()

View File

@ -0,0 +1,2 @@
opencv-python
numpy

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.ColorPicker()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Dataframe(interactive=True)
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Dropdown(choices=["First Choice", "Second Choice", "Third Choice"])
demo.launch()

View File

@ -0,0 +1,2 @@
transformers
torch

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.File()
demo.launch()

View File

@ -0,0 +1,17 @@
import gradio as gr
with gr.Blocks() as demo:
cheetahs = [
"https://upload.wikimedia.org/wikipedia/commons/0/09/TheCheethcat.jpg",
"https://nationalzoo.si.edu/sites/default/files/animals/cheetah-003.jpg",
"https://img.etimg.com/thumb/msid-50159822,width-650,imgsize-129520,,resizemode-4,quality-100/.jpg",
"https://nationalzoo.si.edu/sites/default/files/animals/cheetah-002.jpg",
"https://images.theconversation.com/files/375893/original/file-20201218-13-a8h8uq.jpg?ixlib=rb-1.1.0&rect=16%2C407%2C5515%2C2924&q=45&auto=format&w=496&fit=clip",
"https://encrypted-tbn0.gstatic.com/images?q=tbn:ANd9GcQeSdQE5kHykTdB970YGSW3AsF6MHHZzY4QiQ&usqp=CAU",
"https://www.lifegate.com/app/uploads/ghepardo-primo-piano.jpg",
"https://i.natgeofe.com/n/60004bcc-cd85-4401-8bfa-6f96551557db/cheetah-extinction-3_3x4.jpg",
"https://qph.cf2.quoracdn.net/main-qimg-0bbf31c18a22178cb7a8dd53640a3d05-lq"
]
gr.Gallery(value=cheetahs)
demo.launch()

View File

@ -0,0 +1,2 @@
transformers
torch

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.HighlightedText(value=[("Text","Label 1"),("to be","Label 2"),("highlighted","Label 3")])
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.HTML(value="<p style='margin-top: 1rem, margin-bottom: 1rem'>Gradio Docs Readers: <img src='https://visitor-badge.glitch.me/badge?page_id=gradio-docs-visitor-badge' alt='visitor badge' style='display: inline-block'/></p>")
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Image()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.JSON(value={"Key 1": "Value 1", "Key 2": {"Key 3": "Value 2", "Key 4": "Value 3"}, "Key 5": ["Item 1", "Item 2", "Item 3"]})
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Label(value={"First Label": 0.7, "Second Label": 0.2, "Third Label": 0.1})
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Markdown(value="This _example_ was **written** in [Markdown](https://en.wikipedia.org/wiki/Markdown)\n")
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Model3D()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Number()
demo.launch()

View File

@ -0,0 +1,100 @@
airplane
alarm_clock
anvil
apple
axe
baseball
baseball_bat
basketball
beard
bed
bench
bicycle
bird
book
bread
bridge
broom
butterfly
camera
candle
car
cat
ceiling_fan
cell_phone
chair
circle
clock
cloud
coffee_cup
cookie
cup
diving_board
donut
door
drums
dumbbell
envelope
eye
eyeglasses
face
fan
flower
frying_pan
grapes
hammer
hat
headphones
helmet
hot_dog
ice_cream
key
knife
ladder
laptop
light_bulb
lightning
line
lollipop
microphone
moon
mountain
moustache
mushroom
pants
paper_clip
pencil
pillow
pizza
power_outlet
radio
rainbow
rifle
saw
scissors
screwdriver
shorts
shovel
smiley_face
snake
sock
spider
spoon
square
star
stop_sign
suitcase
sun
sword
syringe
t-shirt
table
tennis_racquet
tent
tooth
traffic_light
tree
triangle
umbrella
wheel
wristwatch

View File

@ -0,0 +1,2 @@
torch
gdown

51
demo/pictionary/run.py Normal file
View File

@ -0,0 +1,51 @@
from pathlib import Path
import torch
import gradio as gr
from torch import nn
import gdown
url = 'https://drive.google.com/uc?id=1dsk2JNZLRDjC-0J4wIQX_FcVurPaXaAZ'
output = 'pytorch_model.bin'
gdown.download(url, output, quiet=False)
LABELS = Path('class_names.txt').read_text().splitlines()
model = nn.Sequential(
nn.Conv2d(1, 32, 3, padding='same'),
nn.ReLU(),
nn.MaxPool2d(2),
nn.Conv2d(32, 64, 3, padding='same'),
nn.ReLU(),
nn.MaxPool2d(2),
nn.Conv2d(64, 128, 3, padding='same'),
nn.ReLU(),
nn.MaxPool2d(2),
nn.Flatten(),
nn.Linear(1152, 256),
nn.ReLU(),
nn.Linear(256, len(LABELS)),
)
state_dict = torch.load('pytorch_model.bin', map_location='cpu')
model.load_state_dict(state_dict, strict=False)
model.eval()
def predict(input):
im = input
if im is None:
return None
x = torch.tensor(im, dtype=torch.float32).unsqueeze(0).unsqueeze(0) / 255.
with torch.no_grad():
out = model(x)
probabilities = torch.nn.functional.softmax(out[0], dim=0)
values, indices = torch.topk(probabilities, 5)
return {LABELS[i]: v.item() for i, v in zip(indices, values)}
interface = gr.Interface(predict, inputs=gr.templates.Sketchpad(label="Draw Here"), outputs=gr.Label(label="Guess"), theme="default", css=".footer{display:none !important}", live=True)
interface.launch(enable_queue=False)

View File

@ -0,0 +1,2 @@
matplotlib
numpy

View File

@ -0,0 +1,15 @@
import gradio as gr
import matplotlib.pyplot as plt
import numpy as np
Fs = 8000
f = 5
sample = 8000
x = np.arange(sample)
y = np.sin(2 * np.pi * f * x / Fs)
plt.plot(x, y)
with gr.Blocks() as demo:
gr.Plot(value=plt)
demo.launch()

View File

@ -0,0 +1,9 @@
import gradio as gr
context = "The Amazon rainforest, also known in English as Amazonia or the Amazon Jungle, is a moist broadleaf forest that covers most of the Amazon basin of South America. This basin encompasses 7,000,000 square kilometres (2,700,000 sq mi), of which 5,500,000 square kilometres (2,100,000 sq mi) are covered by the rainforest. This region includes territory belonging to nine nations. The majority of the forest is contained within Brazil, with 60% of the rainforest, followed by Peru with 13%, Colombia with 10%, and with minor amounts in Venezuela, Ecuador, Bolivia, Guyana, Suriname and French Guiana. The Amazon represents over half of the planet's remaining rainforests, and comprises the largest and most biodiverse tract of tropical rainforest in the world, with an estimated 390 billion individual trees divided into 16,000 species."
question = "Which continent is the Amazon rainforest in?"
gr.Interface.load(
"huggingface/deepset/roberta-base-squad2",
theme="default",
inputs=[gr.inputs.Textbox(lines=7, default=context, label="Context Paragraph"), gr.inputs.Textbox(lines=2, default=question, label="Question")],
outputs=[gr.outputs.Textbox(label="Answer"), gr.outputs.Textbox(label="Score")],
title=None).launch()

View File

@ -1,105 +0,0 @@
from __future__ import absolute_import, division, print_function
import collections
import logging
import math
import numpy as np
import torch
from pytorch_transformers import (
WEIGHTS_NAME,
BertConfig,
BertForQuestionAnswering,
BertTokenizer,
)
from torch.utils.data import DataLoader, SequentialSampler, TensorDataset
from utils import (
get_answer,
input_to_squad_example,
squad_examples_to_features,
to_list,
)
RawResult = collections.namedtuple(
"RawResult", ["unique_id", "start_logits", "end_logits"]
)
class QA:
def __init__(self, model_path: str):
self.max_seq_length = 384
self.doc_stride = 128
self.do_lower_case = True
self.max_query_length = 64
self.n_best_size = 20
self.max_answer_length = 30
self.model, self.tokenizer = self.load_model(model_path)
if torch.cuda.is_available():
self.device = "cuda"
else:
self.device = "cpu"
self.model.to(self.device)
self.model.eval()
def load_model(self, model_path: str, do_lower_case=False):
config = BertConfig.from_pretrained(model_path + "/bert_config.json")
tokenizer = BertTokenizer.from_pretrained(
model_path, do_lower_case=do_lower_case
)
model = BertForQuestionAnswering.from_pretrained(
model_path, from_tf=False, config=config
)
return model, tokenizer
def predict(self, passage: str, question: str):
example = input_to_squad_example(passage, question)
features = squad_examples_to_features(
example,
self.tokenizer,
self.max_seq_length,
self.doc_stride,
self.max_query_length,
)
all_input_ids = torch.tensor([f.input_ids for f in features], dtype=torch.long)
all_input_mask = torch.tensor(
[f.input_mask for f in features], dtype=torch.long
)
all_segment_ids = torch.tensor(
[f.segment_ids for f in features], dtype=torch.long
)
all_example_index = torch.arange(all_input_ids.size(0), dtype=torch.long)
dataset = TensorDataset(
all_input_ids, all_input_mask, all_segment_ids, all_example_index
)
eval_sampler = SequentialSampler(dataset)
eval_dataloader = DataLoader(dataset, sampler=eval_sampler, batch_size=1)
all_results = []
for batch in eval_dataloader:
batch = tuple(t.to(self.device) for t in batch)
with torch.no_grad():
inputs = {
"input_ids": batch[0],
"attention_mask": batch[1],
"token_type_ids": batch[2],
}
example_indices = batch[3]
outputs = self.model(**inputs)
for i, example_index in enumerate(example_indices):
eval_feature = features[example_index.item()]
unique_id = int(eval_feature.unique_id)
result = RawResult(
unique_id=unique_id,
start_logits=to_list(outputs[0][i]),
end_logits=to_list(outputs[1][i]),
)
all_results.append(result)
answer = get_answer(
example,
features,
all_results,
self.n_best_size,
self.max_answer_length,
self.do_lower_case,
)
return answer

View File

@ -1,563 +0,0 @@
from __future__ import absolute_import, division, print_function
import collections
import math
import numpy as np
import torch
from pytorch_transformers.tokenization_bert import BasicTokenizer, whitespace_tokenize
from torch.utils.data import DataLoader, SequentialSampler, TensorDataset
class SquadExample(object):
"""
A single training/test example for the Squad dataset.
For examples without an answer, the start and end position are -1.
"""
def __init__(
self,
qas_id,
question_text,
doc_tokens,
orig_answer_text=None,
start_position=None,
end_position=None,
):
self.qas_id = qas_id
self.question_text = question_text
self.doc_tokens = doc_tokens
self.orig_answer_text = orig_answer_text
self.start_position = start_position
self.end_position = end_position
def __str__(self):
return self.__repr__()
def __repr__(self):
s = ""
s += "qas_id: %s" % (self.qas_id)
s += ", question_text: %s" % (self.question_text)
s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens))
if self.start_position:
s += ", start_position: %d" % (self.start_position)
if self.end_position:
s += ", end_position: %d" % (self.end_position)
return s
class InputFeatures(object):
"""A single set of features of data."""
def __init__(
self,
unique_id,
example_index,
doc_span_index,
tokens,
token_to_orig_map,
token_is_max_context,
input_ids,
input_mask,
segment_ids,
paragraph_len,
start_position=None,
end_position=None,
):
self.unique_id = unique_id
self.example_index = example_index
self.doc_span_index = doc_span_index
self.tokens = tokens
self.token_to_orig_map = token_to_orig_map
self.token_is_max_context = token_is_max_context
self.input_ids = input_ids
self.input_mask = input_mask
self.segment_ids = segment_ids
self.paragraph_len = paragraph_len
self.start_position = start_position
self.end_position = end_position
def input_to_squad_example(passage, question):
"""Convert input passage and question into a SquadExample."""
def is_whitespace(c):
if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F:
return True
return False
paragraph_text = passage
doc_tokens = []
char_to_word_offset = []
prev_is_whitespace = True
for c in paragraph_text:
if is_whitespace(c):
prev_is_whitespace = True
else:
if prev_is_whitespace:
doc_tokens.append(c)
else:
doc_tokens[-1] += c
prev_is_whitespace = False
char_to_word_offset.append(len(doc_tokens) - 1)
qas_id = 0
question_text = question
start_position = None
end_position = None
orig_answer_text = None
example = SquadExample(
qas_id=qas_id,
question_text=question_text,
doc_tokens=doc_tokens,
orig_answer_text=orig_answer_text,
start_position=start_position,
end_position=end_position,
)
return example
def _check_is_max_context(doc_spans, cur_span_index, position):
"""Check if this is the 'max context' doc span for the token."""
# Because of the sliding window approach taken to scoring documents, a single
# token can appear in multiple documents. E.g.
# Doc: the man went to the store and bought a gallon of milk
# Span A: the man went to the
# Span B: to the store and bought
# Span C: and bought a gallon of
# ...
#
# Now the word 'bought' will have two scores from spans B and C. We only
# want to consider the score with "maximum context", which we define as
# the *minimum* of its left and right context (the *sum* of left and
# right context will always be the same, of course).
#
# In the example the maximum context for 'bought' would be span C since
# it has 1 left context and 3 right context, while span B has 4 left context
# and 0 right context.
best_score = None
best_span_index = None
for (span_index, doc_span) in enumerate(doc_spans):
end = doc_span.start + doc_span.length - 1
if position < doc_span.start:
continue
if position > end:
continue
num_left_context = position - doc_span.start
num_right_context = end - position
score = min(num_left_context, num_right_context) + 0.01 * doc_span.length
if best_score is None or score > best_score:
best_score = score
best_span_index = span_index
return cur_span_index == best_span_index
def squad_examples_to_features(
example,
tokenizer,
max_seq_length,
doc_stride,
max_query_length,
cls_token_at_end=False,
cls_token="[CLS]",
sep_token="[SEP]",
pad_token=0,
sequence_a_segment_id=0,
sequence_b_segment_id=1,
cls_token_segment_id=0,
pad_token_segment_id=0,
mask_padding_with_zero=True,
):
"""Loads a data file into a list of `InputBatch`s."""
unique_id = 1000000000
# cnt_pos, cnt_neg = 0, 0
# max_N, max_M = 1024, 1024
# f = np.zeros((max_N, max_M), dtype=np.float32)
example_index = 0
features = []
# if example_index % 100 == 0:
# logger.info('Converting %s/%s pos %s neg %s', example_index, len(examples), cnt_pos, cnt_neg)
query_tokens = tokenizer.tokenize(example.question_text)
if len(query_tokens) > max_query_length:
query_tokens = query_tokens[0:max_query_length]
tok_to_orig_index = []
orig_to_tok_index = []
all_doc_tokens = []
for (i, token) in enumerate(example.doc_tokens):
orig_to_tok_index.append(len(all_doc_tokens))
sub_tokens = tokenizer.tokenize(token)
for sub_token in sub_tokens:
tok_to_orig_index.append(i)
all_doc_tokens.append(sub_token)
# The -3 accounts for [CLS], [SEP] and [SEP]
max_tokens_for_doc = max_seq_length - len(query_tokens) - 3
# We can have documents that are longer than the maximum sequence length.
# To deal with this we do a sliding window approach, where we take chunks
# of the up to our max length with a stride of `doc_stride`.
_DocSpan = collections.namedtuple( # pylint: disable=invalid-name
"DocSpan", ["start", "length"]
)
doc_spans = []
start_offset = 0
while start_offset < len(all_doc_tokens):
length = len(all_doc_tokens) - start_offset
if length > max_tokens_for_doc:
length = max_tokens_for_doc
doc_spans.append(_DocSpan(start=start_offset, length=length))
if start_offset + length == len(all_doc_tokens):
break
start_offset += min(length, doc_stride)
for (doc_span_index, doc_span) in enumerate(doc_spans):
tokens = []
token_to_orig_map = {}
token_is_max_context = {}
segment_ids = []
# CLS token at the beginning
if not cls_token_at_end:
tokens.append(cls_token)
segment_ids.append(cls_token_segment_id)
# Query
for token in query_tokens:
tokens.append(token)
segment_ids.append(sequence_a_segment_id)
# SEP token
tokens.append(sep_token)
segment_ids.append(sequence_a_segment_id)
# Paragraph
for i in range(doc_span.length):
split_token_index = doc_span.start + i
token_to_orig_map[len(tokens)] = tok_to_orig_index[split_token_index]
is_max_context = _check_is_max_context(
doc_spans, doc_span_index, split_token_index
)
token_is_max_context[len(tokens)] = is_max_context
tokens.append(all_doc_tokens[split_token_index])
segment_ids.append(sequence_b_segment_id)
paragraph_len = doc_span.length
# SEP token
tokens.append(sep_token)
segment_ids.append(sequence_b_segment_id)
# CLS token at the end
if cls_token_at_end:
tokens.append(cls_token)
segment_ids.append(cls_token_segment_id)
input_ids = tokenizer.convert_tokens_to_ids(tokens)
# The mask has 1 for real tokens and 0 for padding tokens. Only real
# tokens are attended to.
input_mask = [1 if mask_padding_with_zero else 0] * len(input_ids)
# Zero-pad up to the sequence length.
while len(input_ids) < max_seq_length:
input_ids.append(pad_token)
input_mask.append(0 if mask_padding_with_zero else 1)
segment_ids.append(pad_token_segment_id)
assert len(input_ids) == max_seq_length
assert len(input_mask) == max_seq_length
assert len(segment_ids) == max_seq_length
start_position = None
end_position = None
features.append(
InputFeatures(
unique_id=unique_id,
example_index=example_index,
doc_span_index=doc_span_index,
tokens=tokens,
token_to_orig_map=token_to_orig_map,
token_is_max_context=token_is_max_context,
input_ids=input_ids,
input_mask=input_mask,
segment_ids=segment_ids,
paragraph_len=paragraph_len,
start_position=start_position,
end_position=end_position,
)
)
unique_id += 1
return features
def to_list(tensor):
return tensor.detach().cpu().tolist()
def _get_best_indexes(logits, n_best_size):
"""Get the n-best logits from a list."""
index_and_score = sorted(enumerate(logits), key=lambda x: x[1], reverse=True)
best_indexes = []
for i in range(len(index_and_score)):
if i >= n_best_size:
break
best_indexes.append(index_and_score[i][0])
return best_indexes
RawResult = collections.namedtuple(
"RawResult", ["unique_id", "start_logits", "end_logits"]
)
def get_final_text(pred_text, orig_text, do_lower_case, verbose_logging=False):
"""Project the tokenized prediction back to the original text."""
# When we created the data, we kept track of the alignment between original
# (whitespace tokenized) tokens and our WordPiece tokenized tokens. So
# now `orig_text` contains the span of our original text corresponding to the
# span that we predicted.
#
# However, `orig_text` may contain extra characters that we don't want in
# our prediction.
#
# For example, let's say:
# pred_text = steve smith
# orig_text = Steve Smith's
#
# We don't want to return `orig_text` because it contains the extra "'s".
#
# We don't want to return `pred_text` because it's already been normalized
# (the SQuAD eval script also does punctuation stripping/lower casing but
# our tokenizer does additional normalization like stripping accent
# characters).
#
# What we really want to return is "Steve Smith".
#
# Therefore, we have to apply a semi-complicated alignment heuristic between
# `pred_text` and `orig_text` to get a character-to-character alignment. This
# can fail in certain cases in which case we just return `orig_text`.
def _strip_spaces(text):
ns_chars = []
ns_to_s_map = collections.OrderedDict()
for (i, c) in enumerate(text):
if c == " ":
continue
ns_to_s_map[len(ns_chars)] = i
ns_chars.append(c)
ns_text = "".join(ns_chars)
return (ns_text, ns_to_s_map)
# We first tokenize `orig_text`, strip whitespace from the result
# and `pred_text`, and check if they are the same length. If they are
# NOT the same length, the heuristic has failed. If they are the same
# length, we assume the characters are one-to-one aligned.
tokenizer = BasicTokenizer(do_lower_case=do_lower_case)
tok_text = " ".join(tokenizer.tokenize(orig_text))
start_position = tok_text.find(pred_text)
if start_position == -1:
return orig_text
end_position = start_position + len(pred_text) - 1
(orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text)
(tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text)
if len(orig_ns_text) != len(tok_ns_text):
return orig_text
# We then project the characters in `pred_text` back to `orig_text` using
# the character-to-character alignment.
tok_s_to_ns_map = {}
for (i, tok_index) in tok_ns_to_s_map.items():
tok_s_to_ns_map[tok_index] = i
orig_start_position = None
if start_position in tok_s_to_ns_map:
ns_start_position = tok_s_to_ns_map[start_position]
if ns_start_position in orig_ns_to_s_map:
orig_start_position = orig_ns_to_s_map[ns_start_position]
if orig_start_position is None:
return orig_text
orig_end_position = None
if end_position in tok_s_to_ns_map:
ns_end_position = tok_s_to_ns_map[end_position]
if ns_end_position in orig_ns_to_s_map:
orig_end_position = orig_ns_to_s_map[ns_end_position]
if orig_end_position is None:
return orig_text
output_text = orig_text[orig_start_position : (orig_end_position + 1)]
return output_text
def _compute_softmax(scores):
"""Compute softmax probability over raw logits."""
if not scores:
return []
max_score = None
for score in scores:
if max_score is None or score > max_score:
max_score = score
exp_scores = []
total_sum = 0.0
for score in scores:
x = math.exp(score - max_score)
exp_scores.append(x)
total_sum += x
probs = []
for score in exp_scores:
probs.append(score / total_sum)
return probs
def get_answer(
example, features, all_results, n_best_size, max_answer_length, do_lower_case
):
example_index_to_features = collections.defaultdict(list)
for feature in features:
example_index_to_features[feature.example_index].append(feature)
unique_id_to_result = {}
for result in all_results:
unique_id_to_result[result.unique_id] = result
_PrelimPrediction = collections.namedtuple(
"PrelimPrediction",
["feature_index", "start_index", "end_index", "start_logit", "end_logit"],
)
example_index = 0
features = example_index_to_features[example_index]
prelim_predictions = []
for (feature_index, feature) in enumerate(features):
result = unique_id_to_result[feature.unique_id]
start_indexes = _get_best_indexes(result.start_logits, n_best_size)
end_indexes = _get_best_indexes(result.end_logits, n_best_size)
for start_index in start_indexes:
for end_index in end_indexes:
# We could hypothetically create invalid predictions, e.g., predict
# that the start of the span is in the question. We throw out all
# invalid predictions.
if start_index >= len(feature.tokens):
continue
if end_index >= len(feature.tokens):
continue
if start_index not in feature.token_to_orig_map:
continue
if end_index not in feature.token_to_orig_map:
continue
if not feature.token_is_max_context.get(start_index, False):
continue
if end_index < start_index:
continue
length = end_index - start_index + 1
if length > max_answer_length:
continue
prelim_predictions.append(
_PrelimPrediction(
feature_index=feature_index,
start_index=start_index,
end_index=end_index,
start_logit=result.start_logits[start_index],
end_logit=result.end_logits[end_index],
)
)
prelim_predictions = sorted(
prelim_predictions, key=lambda x: (x.start_logit + x.end_logit), reverse=True
)
_NbestPrediction = collections.namedtuple(
"NbestPrediction",
["text", "start_logit", "end_logit", "start_index", "end_index"],
)
seen_predictions = {}
nbest = []
for pred in prelim_predictions:
if len(nbest) >= n_best_size:
break
feature = features[pred.feature_index]
orig_doc_start = -1
orig_doc_end = -1
if pred.start_index > 0: # this is a non-null prediction
tok_tokens = feature.tokens[pred.start_index : (pred.end_index + 1)]
orig_doc_start = feature.token_to_orig_map[pred.start_index]
orig_doc_end = feature.token_to_orig_map[pred.end_index]
orig_tokens = example.doc_tokens[orig_doc_start : (orig_doc_end + 1)]
tok_text = " ".join(tok_tokens)
# De-tokenize WordPieces that have been split off.
tok_text = tok_text.replace(" ##", "")
tok_text = tok_text.replace("##", "")
# Clean whitespace
tok_text = tok_text.strip()
tok_text = " ".join(tok_text.split())
orig_text = " ".join(orig_tokens)
final_text = get_final_text(tok_text, orig_text, do_lower_case)
if final_text in seen_predictions:
continue
seen_predictions[final_text] = True
else:
final_text = ""
seen_predictions[final_text] = True
nbest.append(
_NbestPrediction(
text=final_text,
start_logit=pred.start_logit,
end_logit=pred.end_logit,
start_index=orig_doc_start,
end_index=orig_doc_end,
)
)
if not nbest:
nbest.append(
_NbestPrediction(
text="empty",
start_logit=0.0,
end_logit=0.0,
start_index=-1,
end_index=-1,
)
)
assert len(nbest) >= 1
total_scores = []
for entry in nbest:
total_scores.append(entry.start_logit + entry.end_logit)
probs = _compute_softmax(total_scores)
answer = {
"answer": nbest[0].text,
"start": nbest[0].start_index,
"end": nbest[0].end_index,
"confidence": probs[0],
"document": example.doc_tokens,
}
return answer

View File

@ -1 +0,0 @@
pytorch-transformers==1.0.0

View File

@ -1,27 +0,0 @@
import gradio as gr
examples = [
[
"The Amazon rainforest is a moist broadleaf forest that covers most of the Amazon basin of South America",
"Which continent is the Amazon rainforest in?",
]
]
demo = gr.Interface.load(
"huggingface/deepset/roberta-base-squad2",
inputs=[
gr.Textbox(
lines=5, label="Context", placeholder="Type a sentence or paragraph here."
),
gr.Textbox(
lines=2,
label="Question",
placeholder="Ask a question based on the context.",
),
],
outputs=[gr.Textbox(label="Answer"), gr.Label(label="Probability")],
examples=examples,
)
if __name__ == "__main__":
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Radio(choices=["First Choice", "Second Choice", "Third Choice"])
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Slider()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.State()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Textbox()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Timeseries()
demo.launch()

View File

@ -0,0 +1,6 @@
import gradio as gr
with gr.Blocks() as demo:
gr.Video()
demo.launch()

38
website/check_version.py Normal file
View File

@ -0,0 +1,38 @@
import time
import requests
import warnings
import os
import sys
VERSION_TXT = os.path.abspath(os.path.join(os.getcwd(), "..", "gradio", "version.txt"))
with open(VERSION_TXT) as f:
version = f.read()
version = version.strip()
def is_version_up(version: str) -> bool:
try:
with warnings.catch_warnings():
warnings.filterwarnings("ignore")
r = requests.head(f"https://pypi.org/project/gradio/{version}/", timeout=3, verify=False)
if r.status_code == 200:
return True
except (ConnectionError, requests.exceptions.ConnectionError):
return False
def wait_for_version(version: str):
for _ in range(10):
if is_version_up(version):
return True
else:
time.sleep(60)
sys.exit(f"Could not find gradio v{version} on pypi: https://pypi.org/project/gradio/{version}/ does not exist")
def check_not_prerelease(version: str):
if requests.get("https://pypi.org/pypi/gradio/json").json()["info"]["version"] == version:
return True
sys.exit(f"Did not restart: gradio v{version} is a prelease, or a later version exists.")
wait_for_version(version)
check_not_prerelease(version)

View File

@ -1,2 +0,0 @@
nginx.conf
demos.json

View File

@ -1,24 +0,0 @@
FROM python:3.8
RUN apt-get update
RUN apt-get --assume-yes install nginx
RUN mkdir gradio
RUN pip install numpy matplotlib
WORKDIR /gradio
COPY ./gradio ./gradio
COPY ./requirements.txt ./requirements.txt
COPY ./pyproject.toml ./pyproject.toml
COPY ./README.md ./README.md
COPY ./test ./test
RUN pip install .
WORKDIR /gradio
COPY ./website ./website
COPY ./demo ./demo
COPY ./guides ./guides
COPY ./gradio/components.py ./gradio/components.py
WORKDIR /gradio/website/demos
RUN pip install -r requirements.txt
RUN python map_demos.py
RUN cp nginx.conf /etc/nginx/conf.d/default.conf
ENTRYPOINT nginx && python run_demos.py

View File

@ -1,86 +0,0 @@
import json
import os
import re
import subprocess
import sys
import pathlib
from jinja2 import Template
from gradio.documentation import generate_documentation
GRADIO_DIR = os.path.join(os.getcwd(), os.pardir, os.pardir)
GRADIO_DEMO_DIR = os.path.join(GRADIO_DIR, "demo")
GRADIO_GUIDES_DIR = os.path.join(GRADIO_DIR, "guides")
sys.path.insert(0, GRADIO_DEMO_DIR)
port = 7860
demos_to_run = []
for root, _, files in os.walk(pathlib.Path(GRADIO_DIR) / "gradio"):
for filename in files:
source_file = pathlib.Path(root) / filename
if source_file.suffix != ".py":
continue
with open(source_file, "r") as comp_file:
comp_text = comp_file.read()
for demostr in re.findall(r"Demos:(.*)", comp_text):
demos_to_run += re.findall(r"([a-zA-Z0-9_]+)", demostr)
DEMO_PATTERN = r"\$demo_([A-Za-z0-9_]+)"
for guide_folder in os.listdir(GRADIO_GUIDES_DIR):
guide_folder = os.path.join(GRADIO_GUIDES_DIR, guide_folder)
if os.path.isfile(guide_folder) or guide_folder.endswith("assets"):
continue
for guide_filename in os.listdir(guide_folder):
guide_filename = os.path.join(guide_folder, guide_filename)
if not os.path.isfile(guide_filename):
continue
with open(guide_filename) as guide_file:
guide_content = guide_file.read()
demos_to_run += re.findall(DEMO_PATTERN, guide_content)
# adding components to be embedded
docs = generate_documentation()
COMPONENT_SUFFIX = "_component"
demos_to_run += [
f"{component['name']}{COMPONENT_SUFFIX}" for component in docs["component"]
]
demos_to_run = list(set(demos_to_run))
failed_demos = []
demo_port_sets = []
for demo_name in demos_to_run:
print(f" ----- {demo_name} ----- ")
if demo_name.endswith(COMPONENT_SUFFIX):
demo_port_sets.append((demo_name, port))
else:
demo_folder = os.path.join(GRADIO_DEMO_DIR, demo_name)
requirements_file = os.path.join(demo_folder, "requirements.txt")
if os.path.exists(requirements_file):
try:
subprocess.check_call(
[sys.executable, "-m", "pip", "install", "-r", requirements_file]
)
except:
failed_demos.append(demo_name)
continue
setup_file = os.path.join(demo_folder, "setup.sh")
if os.path.exists(setup_file):
try:
subprocess.check_call(["sh", setup_file])
except subprocess.CalledProcessError:
failed_demos.append(demo_name)
continue
demo_port_sets.append((demo_name, port))
port += 1
with open("nginx_template.conf") as nginx_template_conf:
template = Template(nginx_template_conf.read())
output_nginx_conf = template.render(demo_port_sets=demo_port_sets)
with open("nginx.conf", "w") as nginx_conf:
nginx_conf.write(output_nginx_conf)
with open("demos.json", "w") as demos_file:
json.dump(demo_port_sets, demos_file)
print("failed", failed_demos)
print("success", demo_port_sets)

View File

@ -1,45 +0,0 @@
server {
listen 80;
server_name localhost;
absolute_redirect off;
#access_log /var/log/nginx/host.access.log main;
{% for demo_name, port in demo_port_sets %}
location /demo/{{ demo_name }}/ {
proxy_pass http://localhost:{{ port }}/;
}
{% endfor %}
#error_page 404 /404.html;
# redirect server error pages to the static page /50x.html
#
error_page 500 502 503 504 /50x.html;
location = /50x.html {
root /usr/share/nginx/html;
}
# proxy the PHP scripts to Apache listening on 127.0.0.1:80
#
#location ~ \.php$ {
# proxy_pass http://127.0.0.1;
#}
# pass the PHP scripts to FastCGI server listening on 127.0.0.1:9000
#
#location ~ \.php$ {
# root html;
# fastcgi_pass 127.0.0.1:9000;
# fastcgi_index index.php;
# fastcgi_param SCRIPT_FILENAME /scripts$fastcgi_script_name;
# include fastcgi_params;
#}
# deny access to .htaccess files, if Apache's document root
# concurs with nginx's one
#
#location ~ /\.ht {
# deny all;
#}
}

View File

@ -1,3 +0,0 @@
jinja2
requests
huggingface_hub

View File

@ -1,87 +0,0 @@
import importlib
import json
import os
import subprocess
import sys
import threading
import time
import requests
GRADIO_DEMO_DIR = "../../demo"
sys.path.insert(0, GRADIO_DEMO_DIR)
demo_threads = {}
demos_up = set()
with open("demos.json") as demos_file:
demo_port_sets = json.load(demos_file)
time_to_up = {}
def launch_demo(demo_folder):
subprocess.check_call([f"cd {demo_folder} && python run2.py"], shell=True)
COMPONENT_SUFFIX = "_component"
COMPONENTS_DEMOS_FOLDER = os.path.join(GRADIO_DEMO_DIR, 'components_demos')
start_launch_time = time.time()
for demo_name, port in demo_port_sets:
if demo_name.endswith(COMPONENT_SUFFIX):
demo_folder = COMPONENTS_DEMOS_FOLDER
demo_file = os.path.join(demo_folder, "run.py")
component_folder = os.path.join(GRADIO_DEMO_DIR, demo_name)
os.mkdir(component_folder)
demo_2_file = os.path.join(component_folder, "run2.py")
with open(demo_file, "r") as file:
filedata = file.read()
filedata += f"\n\n{demo_name[:-len(COMPONENT_SUFFIX)]}_demo.launch(server_port={port}, _frontend=False)"
with open(demo_2_file, "w") as file:
file.write(filedata)
demo_thread = threading.Thread(target=launch_demo, args=(component_folder,))
else:
demo_folder = os.path.join(GRADIO_DEMO_DIR, demo_name)
demo_file = os.path.join(demo_folder, "run.py")
demo_2_file = os.path.join(demo_folder, "run2.py")
with open(demo_file, "r") as file:
filedata = file.read()
assert "demo.launch()" in filedata, demo_name + " has no demo.launch()\n" + filedata
filedata = filedata.replace(f"demo.launch()", f"demo.launch(server_port={port}, _frontend=False)")
with open(demo_2_file, "w") as file:
file.write(filedata)
demo_thread = threading.Thread(target=launch_demo, args=(demo_folder,))
time_to_up[demo_name] = -(time.time())
demo_thread.start()
demo_threads[demo_name] = demo_thread
print("launch time:", time.time() - start_launch_time)
while True:
still_down = []
stayed_up = []
for demo_name, _ in demo_port_sets:
r = requests.get(f"http://localhost:80/demo/{demo_name}/config")
if r.status_code != 200:
if demo_name in demos_up:
print(demo_name, "came down. Restarting.")
t = demo_threads[demo_name]
t.raise_exception()
t.join()
demo_thread = threading.Thread(target=launch_demo, args=(demo_name,))
demo_thread.start()
demo_threads[demo_name] = demo_thread
demos_up.remove(demo_name)
else:
still_down.append(demo_name)
else:
if demo_name in demos_up:
stayed_up.append(demo_name)
else:
demos_up.add(demo_name)
time_to_up[demo_name] += time.time()
print(demo_name, "is up!")
print("stayed up: " + " ".join(stayed_up))
print("still_down: " + " ".join(still_down))
print("time_to_up: " + ", ".join([f"({d}, {t})" for d, t in time_to_up.items() if t > 0]))
time.sleep(1)

View File

@ -10,11 +10,4 @@ services:
dockerfile: ./website/homepage/Dockerfile
container_name: homepage
ports:
- "8080:80"
demos:
build:
context: ../
dockerfile: ./website/demos/Dockerfile
container_name: demos
ports:
- "8070:80"
- "8080:80"

View File

@ -6,7 +6,4 @@ server {
location / {
proxy_pass http://localhost:8080/;
}
location /demo/ {
proxy_pass http://localhost:8070/demo/;
}
}

View File

@ -1,5 +1,6 @@
/node_modules
/dist
/generated
/src/changelog/inner_template.html
client_secrets.json
google_credentials.json

View File

@ -23,7 +23,7 @@ COPY ./CHANGELOG.md ./CHANGELOG.md
COPY ./pyproject.toml ./pyproject.toml
COPY ./README.md ./README.md
COPY ./test ./test
RUN pip install .
RUN pip install gradio -U
WORKDIR /gradio
COPY ./website ./website
WORKDIR /gradio/website/homepage
@ -36,7 +36,7 @@ RUN npm install
RUN npm run build
ARG AUTH_TOKEN
ENV AUTH_TOKEN $AUTH_TOKEN
RUN python src/demos/upload_demos.py
RUN python upload_demos.py
WORKDIR /usr/share/nginx/html
RUN rm -rf ./*
RUN cp -r /gradio/gradio/templates/cdn/assets/. ./assets/

View File

@ -0,0 +1,9 @@
from upload_demos import demos, upload_demo_to_space, AUTH_TOKEN, gradio_version
from gradio.networking import url_ok
for demo in demos:
space_id = "gradio/" + demo
if not url_ok(f"https://hf.space/embed/{space_id}/+"):
print(f"{space_id} was down, restarting")
upload_demo_to_space(demo_name=demo, space_id=space_id, hf_token=AUTH_TOKEN, gradio_version=gradio_version)

View File

@ -1,780 +0,0 @@
<h1 id="upcoming-release">Upcoming Release</h1>
<h2 id="new-features">New Features:</h2>
<h3 id="1-see-past-and-upcoming-changes-in-the-release-histoy">1. See Past and Upcoming Changes in the Release Histoy 👀</h3>
<p>You can now see gradio's release history directly on the website, and also keep track of upcoming changes. Just go <a rel="noopener" target="_blank" href="https://gradio.app/changelog/">here</a>.</p>
<p><img src="https://user-images.githubusercontent.com/9021060/193145458-3de699f7-7620-45de-aa73-a1c1b9b96257.gif" alt="release-history" /></p>
<h2 id="bug-fixes">Bug Fixes:</h2>
<ol>
<li>Fix typo in guide image path by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2357">PR 2357</a></li>
<li>Raise error if Blocks has duplicate component with same IDs by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2359">PR 2359</a></li>
<li>Catch the permission exception on the audio component by <a rel="noopener" target="_blank" href="https://github.com/Ian-GL">@Ian-GL</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2330">PR 2330</a></li>
<li>Fix image<em>classifier</em>interface_load demo by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2365">PR 2365</a></li>
</ol>
<h2 id="documentation-changes">Documentation Changes:</h2>
<ol>
<li><p>New Guide: Connecting to a Database 🗄️</p>
<p>A new guide by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> that explains how you can use Gradio to connect your app to a database. Read more <a rel="noopener" target="_blank" href="https://gradio.app/connecting_to_a_database/">here</a>.</p></li>
<li><p>New Guide: Running Background Tasks 🥷</p>
<p>A new guide by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> that explains how you can run background tasks from your gradio app. Read more <a rel="noopener" target="_blank" href="https://gradio.app/running_background_tasks/">here</a>.</p></li>
<li><p>Small fixes to docs for <code>Image</code> component by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2372">PR 2372</a></p></li>
</ol>
<h2 id="full-changelog">Full Changelog:</h2>
<ul>
<li>Create a guide on how to connect an app to a database hosted on the cloud by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2341">PR 2341</a></li>
<li>Removes <code>analytics</code> dependency by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2347">PR 2347</a></li>
<li>Add guide on launching background tasks from your app by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2350">PR 2350</a></li>
<li>Fix typo in guide image path by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2357">PR 2357</a></li>
<li>Raise error if Blocks has duplicate component with same IDs by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2359">PR 2359</a></li>
<li>Hotfix: fix version back to 3.4 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2361">PR 2361</a></li>
<li>Change version.txt to 3.4 instead of 3.4.0 by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2363">PR 2363</a></li>
<li>Catch the permission exception on the audio component by <a rel="noopener" target="_blank" href="https://github.com/Ian-GL">@Ian-GL</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2330">PR 2330</a></li>
<li>Fix image<em>classifier</em>interface_load demo by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2365">PR 2365</a></li>
<li>Small fixes to docs for <code>Image</code> component by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2372">PR 2372</a></li>
<li>Automated Release Notes by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2306">PR 2306</a></li>
</ul>
<h1 id="version-34">Version 3.4</h1>
<h2 id="new-features-2">New Features:</h2>
<h3 id="1-gallery-captions">1. Gallery Captions 🖼️</h3>
<p>You can now pass captions to images in the Gallery component. To do so you need to pass a {List} of (image, {str} caption) tuples. This is optional and the component also accepts just a list of the images. </p>
<p>Here's an example: </p>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
images_with_captions = [
("https://images.unsplash.com/photo-1551969014-7d2c4cddf0b6", "Cheetah by David Groves"),
("https://images.unsplash.com/photo-1546182990-dffeafbe841d", "Lion by Francesco"),
("https://images.unsplash.com/photo-1561731216-c3a4d99437d5", "Tiger by Mike Marrah")
]
with gr.Blocks() as demo:
gr.Gallery(value=images_with_captions)
demo.launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/192399521-7360b1a9-7ce0-443e-8e94-863a230a7dbe.gif" alt="gallery_captions" width="1000"/></p>
<h3 id="2-type-values-into-the-slider">2. Type Values into the Slider 🔢</h3>
<p>You can now type values directly on the Slider component! Here's what it looks like: </p>
<p><img src="https://user-images.githubusercontent.com/9021060/192399877-76b662a1-fede-4417-a932-fc15f0da7360.gif" alt="type-slider" /></p>
<h3 id="3-better-sketching-and-inpainting">3. Better Sketching and Inpainting 🎨</h3>
<p>We've made a lot of changes to our Image component so that it can support better sketching and inpainting. </p>
<p>Now supports:
* A standalone black-and-white sketch</p>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
demo = gr.Interface(lambda x: x, gr.Sketchpad(), gr.Image())
demo.launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/192410264-b08632b5-7b2a-4f86-afb0-5760e7b474cf.gif" alt="bw" /></p>
<ul>
<li>A standalone color sketch</li>
</ul>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
demo = gr.Interface(lambda x: x, gr.Paint(), gr.Image())
demo.launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/192410500-3c8c3e64-a5fd-4df2-a991-f0a5cef93728.gif" alt="color-sketch" /></p>
<ul>
<li>An uploadable image with black-and-white or color sketching</li>
</ul>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
demo = gr.Interface(lambda x: x, gr.Image(source='upload', tool='color-sketch'), gr.Image()) # for black and white, tool = 'sketch'
demo.launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/192402422-e53cb7b6-024e-448c-87eb-d6a35a63c476.gif" alt="sketch-new" /></p>
<ul>
<li>Webcam with black-and-white or color sketching</li>
</ul>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
demo = gr.Interface(lambda x: x, gr.Image(source='webcam', tool='color-sketch'), gr.Image()) # for black and white, tool = 'sketch'
demo.launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/192410820-0ffaf324-776e-4e1f-9de6-0fdbbf4940fa.gif" alt="webcam-sketch" /></p>
<p>As well as other fixes </p>
<h2 id="bug-fixes-2">Bug Fixes:</h2>
<ol>
<li>Fix bug where max concurrency count is not respected in queue by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2286">PR 2286</a></li>
<li>fix : queue could be blocked by <a rel="noopener" target="_blank" href="https://github.com/SkyTNT">@SkyTNT</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2288">PR 2288</a></li>
<li>Supports <code>gr.update()</code> in example caching by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2309">PR 2309</a></li>
<li>Clipboard fix for iframes by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2321">PR 2321</a></li>
<li>Fix: Dataframe column headers are reset when you add a new column by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2318">PR 2318</a></li>
<li>Added support for URLs for Video, Audio, and Image by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2256">PR 2256</a></li>
<li>Add documentation about how to create and use the Gradio FastAPI app by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2263">PR 2263</a></li>
</ol>
<h2 id="documentation-changes-2">Documentation Changes:</h2>
<ol>
<li>Adding a Playground Tab to the Website by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1860">PR 1860</a></li>
<li>Gradio for Tabular Data Science Workflows Guide by <a rel="noopener" target="_blank" href="https://github.com/merveenoyan">@merveenoyan</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2199">PR 2199</a></li>
<li>Promotes <code>postprocess</code> and <code>preprocess</code> to documented parameters by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2293">PR 2293</a></li>
<li>Update 2)key_features.md by <a rel="noopener" target="_blank" href="https://github.com/voidxd">@voidxd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2326">PR 2326</a></li>
<li>Add docs to blocks context postprocessing function by <a rel="noopener" target="_blank" href="https://github.com/Ian-GL">@Ian-GL</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2332">PR 2332</a></li>
</ol>
<h2 id="testing-and-infrastructure-changes">Testing and Infrastructure Changes</h2>
<ol>
<li>Website fixes and refactoring by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2280">PR 2280</a></li>
<li>Don't deploy to spaces on release by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2313">PR 2313</a></li>
</ol>
<h2 id="full-changelog-2">Full Changelog:</h2>
<ul>
<li>Website fixes and refactoring by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2280">PR 2280</a></li>
<li>Fix bug where max concurrency count is not respected in queue by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2286">PR 2286</a></li>
<li>Promotes <code>postprocess</code> and <code>preprocess</code> to documented parameters by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2293">PR 2293</a></li>
<li>Raise warning when trying to cache examples but not all inputs have examples by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2279">PR 2279</a></li>
<li>fix : queue could be blocked by <a rel="noopener" target="_blank" href="https://github.com/SkyTNT">@SkyTNT</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2288">PR 2288</a></li>
<li>Don't deploy to spaces on release by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2313">PR 2313</a></li>
<li>Supports <code>gr.update()</code> in example caching by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2309">PR 2309</a></li>
<li>Respect Upstream Queue when loading interfaces/blocks from Spaces by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2294">PR 2294</a></li>
<li>Clipboard fix for iframes by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2321">PR 2321</a></li>
<li>Sketching + Inpainting Capabilities to Gradio by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2144">PR 2144</a></li>
<li>Update 2)key_features.md by <a rel="noopener" target="_blank" href="https://github.com/voidxd">@voidxd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2326">PR 2326</a></li>
<li>release 3.4b3 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2328">PR 2328</a></li>
<li>Fix: Dataframe column headers are reset when you add a new column by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2318">PR 2318</a></li>
<li>Start queue when gradio is a sub application by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2319">PR 2319</a></li>
<li>Fix Web Tracker Script by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2308">PR 2308</a></li>
<li>Add docs to blocks context postprocessing function by <a rel="noopener" target="_blank" href="https://github.com/Ian-GL">@Ian-GL</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2332">PR 2332</a></li>
<li>Fix typo in iterator variable name in run_predict function by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2340">PR 2340</a></li>
<li>Add captions to galleries by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2284">PR 2284</a></li>
<li>Typeable value on gradio.Slider by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2329">PR 2329</a></li>
</ul>
<h2 id="contributors-shoutout">Contributors Shoutout:</h2>
<ul>
<li><a rel="noopener" target="_blank" href="https://github.com/SkyTNT">@SkyTNT</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2288">PR 2288</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/voidxd">@voidxd</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2326">PR 2326</a></li>
</ul>
<h1 id="version-33">Version 3.3</h1>
<h2 id="new-features-3">New Features:</h2>
<h3 id="1-iterative-outputs">1. Iterative Outputs ⏳</h3>
<p>You can now create an iterative output simply by having your function return a generator!</p>
<p>Here's (part of) an example that was used to generate the interface below it. <a rel="noopener" target="_blank" href="https://colab.research.google.com/drive/1m9bWS6B82CT7bw-m4L6AJR8za7fEK7Ov?usp=sharing">See full code</a>.</p>
<div class='codeblock'><pre><code class='lang-python'>def predict(steps, seed):
generator = torch.manual_seed(seed)
for i in range(1,steps):
yield pipeline(generator=generator, num_inference_steps=i)["sample"][0]
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/189086273-f5e7087d-71fa-4158-90a9-08e84da0421c.mp4" alt="example" /></p>
<h3 id="2-accordion-layout">2. Accordion Layout 🆕</h3>
<p>This version of Gradio introduces a new layout component to Blocks: the Accordion. Wrap your elements in a neat, expandable layout that allows users to toggle them as needed. </p>
<p>Usage: (<a rel="noopener" target="_blank" href="https://gradio.app/docs/#accordion">Read the docs</a>)</p>
<div class='codeblock'><pre><code class='lang-python'>with gr.Accordion("open up"):
# components here
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/189088465-f0ffd7f0-fc6a-42dc-9249-11c5e1e0529b.gif" alt="accordion" /></p>
<h3 id="3-skops-integration">3. Skops Integration 📈</h3>
<p>Our new integration with <a rel="noopener" target="_blank" href="https://huggingface.co/blog/skops">skops</a> allows you to load tabular classification and regression models directly from the <a rel="noopener" target="_blank" href="https://huggingface.co/models">hub</a>. </p>
<p>Here's a classification example showing how quick it is to set up an interface for a <a rel="noopener" target="_blank" href="https://huggingface.co/scikit-learn/tabular-playground">model</a>.</p>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
gr.Interface.load("models/scikit-learn/tabular-playground").launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/189090519-328fbcb4-120b-43c8-aa54-d6fccfa6b7e8.png" alt="187936493-5c90c01d-a6dd-400f-aa42-833a096156a1" /></p>
<h2 id="full-changelog-3">Full Changelog:</h2>
<ul>
<li>safari fixes by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2138">PR 2138</a></li>
<li>Fix roundedness and form borders by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2147">PR 2147</a></li>
<li>Better processing of example data prior to creating dataset component by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2147">PR 2147</a></li>
<li>Show error on Connection drops by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2147">PR 2147</a></li>
<li>3.2 release! by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2139">PR 2139</a></li>
<li>Fixed Named API Requests by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2151">PR 2151</a></li>
<li>Quick Fix: Cannot upload Model3D image after clearing it by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2168">PR 2168</a></li>
<li>Fixed misleading log when server_name is '0.0.0.0' by <a rel="noopener" target="_blank" href="https://github.com/lamhoangtung">@lamhoangtung</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2176">PR 2176</a></li>
<li>Keep embedded PngInfo metadata by <a rel="noopener" target="_blank" href="https://github.com/cobryan05">@cobryan05</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2170">PR 2170</a></li>
<li>Skops integration: Load tabular classification and regression models from the hub by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2126">PR 2126</a></li>
<li>Respect original filename when cached example files are downloaded by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2145">PR 2145</a></li>
<li>Add manual trigger to deploy to pypi by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2192">PR 2192</a></li>
<li>Fix bugs with gr.update by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2157">PR 2157</a></li>
<li>Make queue per app by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2193">PR 2193</a></li>
<li>Preserve Labels In Interpretation Components by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2166">PR 2166</a></li>
<li>Quick Fix: Multiple file download not working by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2169">PR 2169</a></li>
<li>use correct MIME type for js-script file by <a rel="noopener" target="_blank" href="https://github.com/daspartho">@daspartho</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2200">PR 2200</a></li>
<li>Add accordion component by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2208">PR 2208</a></li>
</ul>
<h2 id="contributors-shoutout-2">Contributors Shoutout:</h2>
<ul>
<li><a rel="noopener" target="_blank" href="https://github.com/lamhoangtung">@lamhoangtung</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2176">PR 2176</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/cobryan05">@cobryan05</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2170">PR 2170</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/daspartho">@daspartho</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2200">PR 2200</a></li>
</ul>
<h1 id="version-32">Version 3.2</h1>
<h2 id="new-features-4">New Features:</h2>
<h3 id="1-improvements-to-queuing">1. Improvements to Queuing 🥇</h3>
<p>We've implemented a brand new queuing system based on <strong>web sockets</strong> instead of HTTP long polling. Among other things, this allows us to manage queue sizes better on Hugging Face Spaces. There are also additional queue-related parameters you can add:</p>
<ul>
<li>Now supports concurrent workers (parallelization) </li>
</ul>
<div class='codeblock'><pre><code class='lang-python'>demo = gr.Interface(...)
demo.queue(concurrency_count=3)
demo.launch()
</code></pre></div>
<ul>
<li>Configure a maximum queue size </li>
</ul>
<div class='codeblock'><pre><code class='lang-python'>demo = gr.Interface(...)
demo.queue(max_size=100)
demo.launch()
</code></pre></div>
<ul>
<li>If a user closes their tab / browser, they leave the queue, which means the demo will run faster for everyone else </li>
</ul>
<h3 id="2-fixes-to-examples">2. Fixes to Examples</h3>
<ul>
<li>Dataframe examples will render properly, and look much clearer in the UI: (thanks to PR #2125)</li>
</ul>
<p><img src="https://user-images.githubusercontent.com/9021060/187586561-d915bafb-f968-4966-b9a2-ef41119692b2.png" alt="Screen Shot 2022-08-30 at 8 29 58 PM" /></p>
<ul>
<li>Image and Video thumbnails are cropped to look neater and more uniform: (thanks to PR #2109) </li>
</ul>
<p><img src="https://user-images.githubusercontent.com/9021060/187586890-56e1e4f0-1b84-42d9-a82f-911772c41030.png" alt="Screen Shot 2022-08-30 at 8 32 15 PM" /></p>
<ul>
<li>Other fixes in PR #2131 and #2064 make it easier to design and use Examples</li>
</ul>
<h3 id="3-component-fixes">3. Component Fixes 🧱</h3>
<ul>
<li>Specify the width and height of an image in its style tag (thanks to PR #2133)</li>
</ul>
<div class='codeblock'><pre><code class='lang-python'>components.Image().style(height=260, width=300)
</code></pre></div>
<ul>
<li>Automatic conversion of videos so they are playable in the browser (thanks to PR #2003). Gradio will check if a video's format is playable in the browser and, if it isn't, will automatically convert it to a format that is (mp4).</li>
<li>Pass in a json filepath to the Label component (thanks to PR #2083) </li>
<li>Randomize the default value of a Slider (thanks to PR #1935) </li>
</ul>
<p><img src="https://user-images.githubusercontent.com/9021060/187596230-3db9697f-9f4d-42f5-9387-d77573513448.gif" alt="slider-random" /></p>
<ul>
<li>Improvements to State in PR #2100 </li>
</ul>
<h3 id="4-ability-to-randomize-input-sliders-and-reload-data-whenever-the-page-loads">4. Ability to Randomize Input Sliders and Reload Data whenever the Page Loads</h3>
<ul>
<li>In some cases, you want to be able to show a different set of input data to every user as they load the page app. For example, you might want to randomize the value of a "seed" <code>Slider</code> input. Or you might want to show a <code>Textbox</code> with the current date. We now supporting passing <em>functions</em> as the default value in input components. When you pass in a function, it gets <strong>re-evaluated</strong> every time someone loads the demo, allowing you to reload / change data for different users. </li>
</ul>
<p>Here's an example loading the current date time into an input Textbox:</p>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
import datetime
with gr.Blocks() as demo:
gr.Textbox(datetime.datetime.now)
demo.launch()
</code></pre></div>
<p>Note that we don't evaluate the function -- <code>datetime.datetime.now()</code> -- we pass in the function itself to get this behavior -- <code>datetime.datetime.now</code></p>
<p>Because randomizing the initial value of <code>Slider</code> is a common use case, we've added a <code>randomize</code> keyword argument you can use to randomize its initial value:</p>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
demo = gr.Interface(lambda x:x, gr.Slider(0, 10, randomize=True), "number")
demo.launch()
</code></pre></div>
<h3 id="5-new-guide">5. New Guide 🖊️</h3>
<ul>
<li><a rel="noopener" target="_blank" href="https://gradio.app/Gradio_and_Wandb_Integration/">Gradio and W&amp;B Integration</a></li>
</ul>
<h2 id="full-changelog-4">Full Changelog:</h2>
<ul>
<li>Reset components to original state by setting value to None by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2044">PR 2044</a></li>
<li>Cleaning up the way data is processed for components by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1967">PR 1967</a></li>
<li>version 3.1.8b by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2063">PR 2063</a></li>
<li>Wandb guide by <a rel="noopener" target="_blank" href="https://github.com/AK391">@AK391</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1898">PR 1898</a></li>
<li>Add a flagging callback to save json files to a hugging face dataset by <a rel="noopener" target="_blank" href="https://github.com/chrisemezue">@chrisemezue</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1821">PR 1821</a></li>
<li>Add data science demos to landing page by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2067">PR 2067</a></li>
<li>Hide time series + xgboost demos by default by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2079">PR 2079</a></li>
<li>Encourage people to keep trying when queue full by <a rel="noopener" target="_blank" href="https://github.com/apolinario">@apolinario</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2076">PR 2076</a></li>
<li>Updated our analytics on creation of Blocks/Interface by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2082">PR 2082</a></li>
<li><code>Label</code> component now accepts file paths to <code>.json</code> files by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2083">PR 2083</a></li>
<li>Fix issues related to demos in Spaces by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2086">PR 2086</a></li>
<li>Fix TimeSeries examples not properly displayed in UI by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2064">PR 2064</a></li>
<li>Fix infinite requests when doing tab item select by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2070">PR 2070</a></li>
<li>Accept deprecated <code>file</code> route as well by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2099">PR 2099</a></li>
<li>Allow frontend method execution on Block.load event by <a rel="noopener" target="_blank" href="https://github.com/codedealer">@codedealer</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2108">PR 2108</a></li>
<li>Improvements to <code>State</code> by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2100">PR 2100</a></li>
<li>Catch IndexError, KeyError in video<em>is</em>playable by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2113">PR 2113</a></li>
<li>Fix: Download button does not respect the filepath returned by the function by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2073">PR 2073</a></li>
<li>Refactoring Layout: Adding column widths, forms, and more. by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2097">PR 2097</a></li>
<li>Update CONTRIBUTING.md by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2118">PR 2118</a></li>
<li>2092 df ex by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2125">PR 2125</a></li>
<li>feat(samples table/gallery): Crop thumbs to square by <a rel="noopener" target="_blank" href="https://github.com/ronvoluted">@ronvoluted</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2109">PR 2109</a></li>
<li>Some enhancements to <code>gr.Examples</code> by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2131">PR 2131</a></li>
<li>Image size fix by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2133">PR 2133</a></li>
</ul>
<h2 id="contributors-shoutout-3">Contributors Shoutout:</h2>
<ul>
<li><a rel="noopener" target="_blank" href="https://github.com/chrisemezue">@chrisemezue</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1821">PR 1821</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/apolinario">@apolinario</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2076">PR 2076</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/codedealer">@codedealer</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/2108">PR 2108</a></li>
</ul>
<h1 id="version-31">Version 3.1</h1>
<h2 id="new-features-5">New Features:</h2>
<h3 id="1-embedding-demos-on-any-website">1. Embedding Demos on Any Website 💻</h3>
<p>With PR #1444, Gradio is now distributed as a web component. This means demos can be natively embedded on websites. You'll just need to add two lines: one to load the gradio javascript, and one to link to the demos backend.</p>
<p>Here's a simple example that embeds the demo from a Hugging Face space:</p>
<div class='codeblock'><pre><code class='lang-html'><script type="module" src="https://gradio.s3-us-west-2.amazonaws.com/3.0.18/gradio.js"></script>
<gradio-app space="abidlabs/pytorch-image-classifier"></gradio-app>
</code></pre></div>
<p>But you can also embed demos that are running anywhere, you just need to link the demo to <code>src</code> instead of <code>space</code>. In fact, all the demos on the gradio website are embedded this way: </p>
<p><img width="1268" alt="Screen Shot 2022-07-14 at 2 41 44 PM" src="https://user-images.githubusercontent.com/9021060/178997124-b2f05af2-c18f-4716-bf1b-cb971d012636.png"></p>
<p>Read more in the <a rel="noopener" target="_blank" href="https://gradio.app/embedding_gradio_demos">Embedding Gradio Demos</a> guide.</p>
<h3 id="2-reload-mode">2. Reload Mode 👨‍💻</h3>
<p>Reload mode helps developers create gradio demos faster by automatically reloading the demo whenever the code changes. It can support development on Python IDEs (VS Code, PyCharm, etc), the terminal, as well as Jupyter notebooks. </p>
<p>If your demo code is in a script named <code>app.py</code>, instead of running <code>python app.py</code> you can now run <code>gradio app.py</code> and that will launch the demo in reload mode:</p>
<div class='codeblock'><pre><code class='lang-bash'>Launching in reload mode on: http://127.0.0.1:7860 (Press CTRL+C to quit)
Watching...
WARNING: The --reload flag should not be used in production on Windows.
</code></pre></div>
<p>If you're working from a Jupyter or Colab Notebook, use these magic commands instead: <code>%load_ext gradio</code> when you import gradio, and <code>%%blocks</code> in the top of the cell with the demo code. Here's an example that shows how much faster the development becomes:</p>
<p><img src="https://user-images.githubusercontent.com/9021060/178986488-ed378cc8-5141-4330-ba41-672b676863d0.gif" alt="Blocks" /></p>
<h3 id="3-inpainting-support-on-grimage">3. Inpainting Support on <code>gr.Image()</code> 🎨</h3>
<p>We updated the Image component to add support for inpainting demos. It works by adding <code>tool="sketch"</code> as a parameter, that passes both an image and a sketchable mask to your prediction function.</p>
<p>Here's an example from the <a rel="noopener" target="_blank" href="https://huggingface.co/spaces/akhaliq/lama">LAMA space</a>:</p>
<p><img src="https://user-images.githubusercontent.com/9021060/178989479-549867c8-7fb0-436a-a97d-1e91c9f5e611.jpeg" alt="FXApVlFVsAALSD-" /></p>
<h3 id="4-markdown-and-html-support-in-dataframes">4. Markdown and HTML support in Dataframes 🔢</h3>
<p>We upgraded the Dataframe component in PR #1684 to support rendering Markdown and HTML inside the cells. </p>
<p>This means you can build Dataframes that look like the following:</p>
<p><img src="https://user-images.githubusercontent.com/9021060/178991233-41cb07a5-e7a3-433e-89b8-319bc78eb9c2.png" alt="image (8)" /></p>
<h3 id="5-grexamples-for-blocks">5. <code>gr.Examples()</code> for Blocks 🧱</h3>
<p>We've added the <code>gr.Examples</code> component helper to allow you to add examples to any Blocks demo. This class is a wrapper over the <code>gr.Dataset</code> component. </p>
<p><img width="1271" alt="Screen Shot 2022-07-14 at 2 23 50 PM" src="https://user-images.githubusercontent.com/9021060/178992715-c8bc7550-bc3d-4ddc-9fcb-548c159cd153.png"></p>
<p>gr.Examples takes two required parameters: </p>
<ul>
<li><code>examples</code> which takes in a nested list</li>
<li><code>inputs</code> which takes in a component or list of components</li>
</ul>
<p>You can read more in the <a rel="noopener" target="_blank" href="https://gradio.app/docs/#examples">Examples docs</a> or the <a rel="noopener" target="_blank" href="https://gradio.app/adding_examples_to_your_app/">Adding Examples to your Demos guide</a>.</p>
<h3 id="6-fixes-to-audio-streaming">6. Fixes to Audio Streaming</h3>
<p>With PR <a rel="noopener" target="_blank" href="[PR 1828">#1828</a>,](https://github.com/gradio-app/gradio/pull/1828),) we now hide the status loading animation, as well as remove the echo in streaming. Check out the <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/blob/main/demo/stream_audio/run.py">stream_audio</a> demo for more or read through our <a rel="noopener" target="_blank" href="https://gradio.app/real_time_speech_recognition/">Real Time Speech Recognition</a> guide.</p>
<p><img width="785" alt="Screen Shot 2022-07-19 at 6 02 35 PM" src="https://user-images.githubusercontent.com/9021060/179808136-9e84502c-f9ee-4f30-b5e9-1086f678fe91.png"></p>
<h2 id="full-changelog-5">Full Changelog:</h2>
<ul>
<li>File component: list multiple files and allow for download #1446 by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1681">PR 1681</a></li>
<li>Add ColorPicker to docs by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1768">PR 1768</a></li>
<li>Mock out requests in TestRequest unit tests by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1794">PR 1794</a></li>
<li>Add requirements.txt and test_files to source dist by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1817">PR 1817</a></li>
<li>refactor: f-string for tunneling.py by <a rel="noopener" target="_blank" href="https://github.com/nhankiet">@nhankiet</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1819">PR 1819</a></li>
<li>Miscellaneous formatting improvements to website by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1754">PR 1754</a></li>
<li><code>integrate()</code> method moved to <code>Blocks</code> by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1776">PR 1776</a></li>
<li>Add python-3.7 tests by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1818">PR 1818</a></li>
<li>Copy test dir in website dockers by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1827">PR 1827</a></li>
<li>Add info to docs on how to set default values for components by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1788">PR 1788</a></li>
<li>Embedding Components on Docs by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1726">PR 1726</a></li>
<li>Remove usage of deprecated gr.inputs and gr.outputs from website by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1796">PR 1796</a></li>
<li>Some cleanups to the docs page by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1822">PR 1822</a></li>
</ul>
<h2 id="contributors-shoutout-4">Contributors Shoutout:</h2>
<ul>
<li><a rel="noopener" target="_blank" href="https://github.com/nhankiet">@nhankiet</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1819">PR 1819</a></li>
</ul>
<h1 id="version-30">Version 3.0</h1>
<h3 id="gradio-30-is-the-biggest-update-to-the-library-ever">🔥 Gradio 3.0 is the biggest update to the library, ever.</h3>
<h2 id="new-features-6">New Features:</h2>
<h3 id="1-blocks">1. Blocks 🧱</h3>
<p>Blocks is a new, low-level API that allows you to have full control over the data flows and layout of your application. It allows you to build very complex, multi-step applications. For example, you might want to:</p>
<ul>
<li>Group together related demos as multiple tabs in one web app</li>
<li>Change the layout of your demo instead of just having all of the inputs on the left and outputs on the right</li>
<li>Have multi-step interfaces, in which the output of one model becomes the input to the next model, or have more flexible data flows in general</li>
<li>Change a component's properties (for example, the choices in a Dropdown) or its visibility based on user input</li>
</ul>
<p>Here's a simple example that creates the demo below it:</p>
<div class='codeblock'><pre><code class='lang-python'>import gradio as gr
def update(name):
return f"Welcome to Gradio, {name}!"
demo = gr.Blocks()
with demo:
gr.Markdown(
"""
# Hello World!
Start typing below to see the output.
""")
inp = gr.Textbox(placeholder="What is your name?")
out = gr.Textbox()
inp.change(fn=update,
inputs=inp,
outputs=out)
demo.launch()
</code></pre></div>
<p><img src="https://user-images.githubusercontent.com/9021060/168684108-78cbd24b-e6bd-4a04-a8d9-20d535203434.gif" alt="hello-blocks" /></p>
<p>Read our <a rel="noopener" target="_blank" href="http://gradio.app/introduction_to_blocks/">Introduction to Blocks</a> guide for more, and join the 🎈 <a rel="noopener" target="_blank" href="https://huggingface.co/spaces/Gradio-Blocks/README">Gradio Blocks Party</a>!</p>
<h3 id="2-our-revamped-design">2. Our Revamped Design 🎨</h3>
<p>We've upgraded our design across the entire library: from components, and layouts all the way to dark mode. </p>
<p><img src="https://user-images.githubusercontent.com/9021060/168686333-7a6e3096-3e23-4309-abf2-5cd7736e0463.gif" alt="kitchen_sink" /></p>
<h3 id="3-a-new-website">3. A New Website 💻</h3>
<p>We've upgraded <a rel="noopener" target="_blank" href="https://gradio.app">gradio.app</a> to make it cleaner, faster and easier to use. Our docs now come with components and demos embedded directly on the page. So you can quickly get up to speed with what you're looking for. </p>
<p><img src="https://user-images.githubusercontent.com/9021060/168687191-10d6a3bd-101f-423a-8193-48f47a5e077d.gif" alt="website" /></p>
<h3 id="4-new-components-model3d-dataset-and-more">4. New Components: Model3D, Dataset, and More..</h3>
<p>We've introduced a lot of new components in <code>3.0</code>, including <code>Model3D</code>, <code>Dataset</code>, <code>Markdown</code>, <code>Button</code> and <code>Gallery</code>. You can find all the components and play around with them <a rel="noopener" target="_blank" href="https://gradio.app/docs/#components">here</a>.</p>
<p><img src="https://user-images.githubusercontent.com/9021060/168689062-6ad77151-8cc5-467d-916c-f7c78e52ec0c.gif" alt="Model3d" /></p>
<h2 id="full-changelog-6">Full Changelog:</h2>
<ul>
<li>Gradio dash fe by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/807">PR 807</a></li>
<li>Blocks components by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/765">PR 765</a></li>
<li>Blocks components V2 by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/843">PR 843</a></li>
<li>Blocks-Backend-Events by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/844">PR 844</a></li>
<li>Interfaces from Blocks by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/849">PR 849</a></li>
<li>Blocks dev by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/853">PR 853</a></li>
<li>Started updating demos to use the new <code>gradio.components</code> syntax by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/848">PR 848</a></li>
<li>add test infra + add browser tests to CI by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/852">PR 852</a></li>
<li>854 textbox by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/859">PR 859</a></li>
<li>Getting old Python unit tests to pass on <code>blocks-dev</code> by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/861">PR 861</a></li>
<li>initialise chatbot with empty array of messages by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/867">PR 867</a></li>
<li>add test for output to input by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/866">PR 866</a></li>
<li>More Interface -> Blocks features by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/864">PR 864</a></li>
<li>Fixing external.py in blocks-dev to reflect the new HF Spaces paths by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/879">PR 879</a></li>
<li>backend<em>default</em>value_refactoring by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/871">PR 871</a></li>
<li>fix default_value by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/869">PR 869</a></li>
<li>fix buttons by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/883">PR 883</a></li>
<li>Checking and updating more demos to use 3.0 syntax by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/892">PR 892</a></li>
<li>Blocks Tests by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/902">PR 902</a></li>
<li>Interface fix by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/901">PR 901</a></li>
<li>Quick fix: Issue 893 by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/907">PR 907</a></li>
<li>3d Image Component by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/775">PR 775</a></li>
<li>fix endpoint url in prod by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/911">PR 911</a></li>
<li>rename Model3d to Image3D by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/912">PR 912</a></li>
<li>update pypi to 2.9.1 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/916">PR 916</a></li>
<li>blocks-with-fix by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/917">PR 917</a></li>
<li>Restore Interpretation, Live, Auth, Queueing by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/915">PR 915</a></li>
<li>Allow <code>Blocks</code> instances to be used like a <code>Block</code> in other <code>Blocks</code> by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/919">PR 919</a></li>
<li>Redesign 1 by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/918">PR 918</a></li>
<li>blocks-components-tests by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/904">PR 904</a></li>
<li>fix unit + browser tests by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/926">PR 926</a></li>
<li>blocks-move-test-data by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/927">PR 927</a></li>
<li>remove debounce from form inputs by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/932">PR 932</a></li>
<li>reimplement webcam video by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/928">PR 928</a></li>
<li>blocks-move-test-data by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/941">PR 941</a></li>
<li>allow audio components to take a string value by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/930">PR 930</a></li>
<li>static mode for textbox by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/929">PR 929</a></li>
<li>fix file upload text by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/931">PR 931</a></li>
<li>tabbed-interface-rewritten by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/958">PR 958</a></li>
<li>Gan demo fix by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/965">PR 965</a></li>
<li>Blocks analytics by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/947">PR 947</a></li>
<li>Blocks page load by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/963">PR 963</a></li>
<li>add frontend for page load events by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/967">PR 967</a></li>
<li>fix i18n and some tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/966">PR 966</a></li>
<li>add jinja2 to reqs by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/969">PR 969</a></li>
<li>Cleaning up <code>Launchable()</code> by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/968">PR 968</a></li>
<li>Fix #944 by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/971">PR 971</a></li>
<li>New Blocks Demo: neural instrument cloning by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/975">PR 975</a></li>
<li>Add huggingface_hub client library by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/973">PR 973</a></li>
<li>State and variables by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/977">PR 977</a></li>
<li>update-components by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/986">PR 986</a></li>
<li>ensure dataframe updates as expected by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/981">PR 981</a></li>
<li>test-guideline by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/990">PR 990</a></li>
<li>Issue #785: add footer by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/972">PR 972</a></li>
<li>indentation fix by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/993">PR 993</a></li>
<li>missing quote by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/996">PR 996</a></li>
<li>added interactive parameter to components by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/992">PR 992</a></li>
<li>custom-components by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/985">PR 985</a></li>
<li>Refactor component shortcuts by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/995">PR 995</a></li>
<li>Plot Component by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/805">PR 805</a></li>
<li>updated PyPi version to 2.9.2 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1002">PR 1002</a></li>
<li>Release 2.9.3 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1003">PR 1003</a></li>
<li>Image3D Examples Fix by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1001">PR 1001</a></li>
<li>release 2.9.4 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1006">PR 1006</a></li>
<li>templates import hotfix by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1008">PR 1008</a></li>
<li>Progress indicator bar by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/997">PR 997</a></li>
<li>Fixed image input for absolute path by <a rel="noopener" target="_blank" href="https://github.com/JefferyChiang">@JefferyChiang</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1004">PR 1004</a></li>
<li>Model3D + Plot Components by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1010">PR 1010</a></li>
<li>Gradio Guides: Creating CryptoPunks with GANs by <a rel="noopener" target="_blank" href="https://github.com/NimaBoscarino">@NimaBoscarino</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1000">PR 1000</a></li>
<li>[BIG PR] Gradio blocks &amp; redesigned components by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/880">PR 880</a></li>
<li>fixed failing test on main by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1023">PR 1023</a></li>
<li>Use smaller ASR model in external test by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1024">PR 1024</a></li>
<li>updated PyPi version to 2.9.0b by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1026">PR 1026</a></li>
<li>Fixing import issues so that the package successfully installs on colab notebooks by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1027">PR 1027</a></li>
<li>Update website tracker slackbot by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1037">PR 1037</a></li>
<li>textbox-autoheight by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1009">PR 1009</a></li>
<li>Model3D Examples fixes by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1035">PR 1035</a></li>
<li>GAN Gradio Guide: Adjustments to iframe heights by <a rel="noopener" target="_blank" href="https://github.com/NimaBoscarino">@NimaBoscarino</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1042">PR 1042</a></li>
<li>added better default labels to form components by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1040">PR 1040</a></li>
<li>Slackbot web tracker fix by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1043">PR 1043</a></li>
<li>Plot fixes by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1044">PR 1044</a></li>
<li>Small fixes to the demos by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1030">PR 1030</a></li>
<li>fixing demo issue with website by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1047">PR 1047</a></li>
<li>[hotfix] HighlightedText by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1046">PR 1046</a></li>
<li>Update text by <a rel="noopener" target="_blank" href="https://github.com/ronvoluted">@ronvoluted</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1050">PR 1050</a></li>
<li>Update CONTRIBUTING.md by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1052">PR 1052</a></li>
<li>fix(ui): Increase contrast for footer by <a rel="noopener" target="_blank" href="https://github.com/ronvoluted">@ronvoluted</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1048">PR 1048</a></li>
<li>UI design update by <a rel="noopener" target="_blank" href="https://github.com/gary149">@gary149</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1041">PR 1041</a></li>
<li>updated PyPi version to 2.9.0b8 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1059">PR 1059</a></li>
<li>Running, testing, and fixing demos by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1060">PR 1060</a></li>
<li>Form layout by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1054">PR 1054</a></li>
<li>inputless-interfaces by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1038">PR 1038</a></li>
<li>Update PULL<em>REQUEST</em>TEMPLATE.md by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1068">PR 1068</a></li>
<li>Upgrading node memory to 4gb in website Docker by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1069">PR 1069</a></li>
<li>Website reload error by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1079">PR 1079</a></li>
<li>fixed favicon issue by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1064">PR 1064</a></li>
<li>remove-queue-from-events by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1056">PR 1056</a></li>
<li>Enable vertex colors for OBJs files by <a rel="noopener" target="_blank" href="https://github.com/radames">@radames</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1074">PR 1074</a></li>
<li>Dark text by <a rel="noopener" target="_blank" href="https://github.com/ronvoluted">@ronvoluted</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1049">PR 1049</a></li>
<li>Scroll to output by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1077">PR 1077</a></li>
<li>Explicitly list pnpm version 6 in contributing guide by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1085">PR 1085</a></li>
<li>hotfix for encrypt issue by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1096">PR 1096</a></li>
<li>Release 2.9b9 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1098">PR 1098</a></li>
<li>tweak node circleci settings by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1091">PR 1091</a></li>
<li>Website Reload Error by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1099">PR 1099</a></li>
<li>Website Reload: README in demos docker by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1100">PR 1100</a></li>
<li>Flagging fixes by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1081">PR 1081</a></li>
<li>Backend for optional labels by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1080">PR 1080</a></li>
<li>Optional labels fe by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1105">PR 1105</a></li>
<li>clean-deprecated-parameters by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1090">PR 1090</a></li>
<li>Blocks rendering fix by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1102">PR 1102</a></li>
<li>Redos #1106 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1112">PR 1112</a></li>
<li>Interface types: handle input-only, output-only, and unified interfaces by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1108">PR 1108</a></li>
<li>Hotfix + New pypi release 2.9b11 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1118">PR 1118</a></li>
<li>issue-checkbox by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1122">PR 1122</a></li>
<li>issue-checkbox-hotfix by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1127">PR 1127</a></li>
<li>Fix demos in website by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1130">PR 1130</a></li>
<li>Guide for Gradio ONNX model zoo on Huggingface by <a rel="noopener" target="_blank" href="https://github.com/AK391">@AK391</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1073">PR 1073</a></li>
<li>ONNX guide fixes by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1131">PR 1131</a></li>
<li>Stacked form inputs css by <a rel="noopener" target="_blank" href="https://github.com/gary149">@gary149</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1134">PR 1134</a></li>
<li>made default value in textbox empty string by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1135">PR 1135</a></li>
<li>Examples UI by <a rel="noopener" target="_blank" href="https://github.com/gary149">@gary149</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1121">PR 1121</a></li>
<li>Chatbot custom color support by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1092">PR 1092</a></li>
<li>highlighted text colors by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1119">PR 1119</a></li>
<li>pin to pnpm 6 for now by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1147">PR 1147</a></li>
<li>Restore queue in Blocks by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1137">PR 1137</a></li>
<li>add select event for tabitems by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1154">PR 1154</a></li>
<li>max_lines + autoheight for textbox by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1153">PR 1153</a></li>
<li>use color palette for chatbot by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1152">PR 1152</a></li>
<li>Timeseries improvements by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1149">PR 1149</a></li>
<li>move styling for interface panels to frontend by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1146">PR 1146</a></li>
<li>html tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1145">PR 1145</a></li>
<li>Issue #768: Support passing none to resize and crop image by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1144">PR 1144</a></li>
<li>image gallery component + img css by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1140">PR 1140</a></li>
<li>networking tweak by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1143">PR 1143</a></li>
<li>Allow enabling queue per event listener by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1155">PR 1155</a></li>
<li>config hotfix and v. 2.9b23 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1158">PR 1158</a></li>
<li>Custom JS calls by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1082">PR 1082</a></li>
<li>Small fixes: queue default fix, ffmpeg installation message by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1159">PR 1159</a></li>
<li>formatting by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1161">PR 1161</a></li>
<li>enable flex grow for gr-box by <a rel="noopener" target="_blank" href="https://github.com/radames">@radames</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1165">PR 1165</a></li>
<li>1148 loading by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1164">PR 1164</a></li>
<li>Put enable_queue kwarg back in launch() by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1167">PR 1167</a></li>
<li>A few small fixes by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1171">PR 1171</a></li>
<li>Hotfix for dropdown component by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1172">PR 1172</a></li>
<li>use secondary buttons in interface by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1173">PR 1173</a></li>
<li>1183 component height by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1185">PR 1185</a></li>
<li>962 dataframe by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1186">PR 1186</a></li>
<li>update-contributing by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1188">PR 1188</a></li>
<li>Table tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1195">PR 1195</a></li>
<li>wrap tab content in column by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1200">PR 1200</a></li>
<li>WIP: Add dark mode support by <a rel="noopener" target="_blank" href="https://github.com/gary149">@gary149</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1187">PR 1187</a></li>
<li>Restored /api/predict/ endpoint for Interfaces by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1199">PR 1199</a></li>
<li>hltext-label by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1204">PR 1204</a></li>
<li>add copy functionality to json by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1205">PR 1205</a></li>
<li>Update component config by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1089">PR 1089</a></li>
<li>fix placeholder prompt by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1215">PR 1215</a></li>
<li>ensure webcam video value is propogated correctly by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1218">PR 1218</a></li>
<li>Automatic word-break in highlighted text, combine_adjacent support by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1209">PR 1209</a></li>
<li>async-function-support by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1190">PR 1190</a></li>
<li>Sharing fix for assets by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1208">PR 1208</a></li>
<li>Hotfixes for course demos by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1222">PR 1222</a></li>
<li>Allow Custom CSS by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1170">PR 1170</a></li>
<li>share-hotfix by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1226">PR 1226</a></li>
<li>tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1229">PR 1229</a></li>
<li>white space for class concatenation by <a rel="noopener" target="_blank" href="https://github.com/radames">@radames</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1228">PR 1228</a></li>
<li>Tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1230">PR 1230</a></li>
<li>css tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1235">PR 1235</a></li>
<li>ensure defaults height match for media inputs by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1236">PR 1236</a></li>
<li>Default Label label value by <a rel="noopener" target="_blank" href="https://github.com/radames">@radames</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1239">PR 1239</a></li>
<li>update-shortcut-syntax by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1234">PR 1234</a></li>
<li>Update version.txt by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1244">PR 1244</a></li>
<li>Layout bugs by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1246">PR 1246</a></li>
<li>Update demo by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1253">PR 1253</a></li>
<li>Button default name by <a rel="noopener" target="_blank" href="https://github.com/FarukOzderim">@FarukOzderim</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1243">PR 1243</a></li>
<li>Labels spacing by <a rel="noopener" target="_blank" href="https://github.com/gary149">@gary149</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1254">PR 1254</a></li>
<li>add global loader for gradio app by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1251">PR 1251</a></li>
<li>ui apis for dalle-mini by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1258">PR 1258</a></li>
<li>Add precision to Number, backend only by <a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1125">PR 1125</a></li>
<li>Website Design Changes by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1015">PR 1015</a></li>
<li>Small fixes for multiple demos compatible with 3.0 by <a rel="noopener" target="_blank" href="https://github.com/radames">@radames</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1257">PR 1257</a></li>
<li>Issue #1160: Model 3D component not destroyed correctly by <a rel="noopener" target="_blank" href="https://github.com/dawoodkhan82">@dawoodkhan82</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1219">PR 1219</a></li>
<li>Fixes to components by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1260">PR 1260</a></li>
<li>layout docs by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1263">PR 1263</a></li>
<li>Static forms by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1264">PR 1264</a></li>
<li>Cdn assets by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1265">PR 1265</a></li>
<li>update logo by <a rel="noopener" target="_blank" href="https://github.com/gary149">@gary149</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1266">PR 1266</a></li>
<li>fix slider by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1268">PR 1268</a></li>
<li>maybe fix auth in iframes by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1261">PR 1261</a></li>
<li>Improves "Getting Started" guide by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1269">PR 1269</a></li>
<li>Add embedded demos to website by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1270">PR 1270</a></li>
<li>Label hotfixes by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1281">PR 1281</a></li>
<li>General tweaks by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1276">PR 1276</a></li>
<li>only affect links within the document by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1282">PR 1282</a></li>
<li>release 3.0b9 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1283">PR 1283</a></li>
<li>Dm by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1284">PR 1284</a></li>
<li>Website fixes by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1286">PR 1286</a></li>
<li>Create Streamables by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1279">PR 1279</a></li>
<li>ensure table works on mobile by <a rel="noopener" target="_blank" href="https://github.com/pngwn">@pngwn</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1277">PR 1277</a></li>
<li>changes by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1287">PR 1287</a></li>
<li>demo alignment on landing page by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1288">PR 1288</a></li>
<li>New meta img by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1289">PR 1289</a></li>
<li>updated PyPi version to 3.0 by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1290">PR 1290</a></li>
<li>Fix site by <a rel="noopener" target="_blank" href="https://github.com/aliabid94">@aliabid94</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1291">PR 1291</a></li>
<li>Mobile responsive guides by <a rel="noopener" target="_blank" href="https://github.com/aliabd">@aliabd</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1293">PR 1293</a></li>
<li>Update readme by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1292">PR 1292</a></li>
<li>gif by <a rel="noopener" target="_blank" href="https://github.com/abidlabs">@abidlabs</a> in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1296">PR 1296</a></li>
</ul>
<h2 id="contributors-shoutout-5">Contributors Shoutout:</h2>
<ul>
<li><a rel="noopener" target="_blank" href="https://github.com/JefferyChiang">@JefferyChiang</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1004">PR 1004</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/NimaBoscarino">@NimaBoscarino</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1000">PR 1000</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/ronvoluted">@ronvoluted</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1050">PR 1050</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/radames">@radames</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1074">PR 1074</a></li>
<li><a rel="noopener" target="_blank" href="https://github.com/freddyaboulton">@freddyaboulton</a> made their first contribution in <a rel="noopener" target="_blank" href="https://github.com/gradio-app/gradio/pull/1085">PR 1085</a></li>
</ul>

View File

@ -2,10 +2,8 @@ import os
import json
GRADIO_DEMO_DIR = os.path.abspath(os.path.join(os.getcwd(), "..", "..", "demo"))
# GRADIO_DEMO_DIR = os.path.join(GRADIO_DIR, "demo")
DIR = os.path.dirname(__file__)
TEMPLATE_FILE = os.path.join(DIR, "template.html")
RECIPE_DEMOS = os.path.join(DIR, "recipe_demos.json")
def get_code_and_description(demo_name):
with open(os.path.join(GRADIO_DEMO_DIR, demo_name, "run.py")) as f:
@ -134,10 +132,6 @@ for category in demos_by_category:
demo["code"] = code
demo["text"] = description
with open(RECIPE_DEMOS, "w+") as j:
j.write(json.dumps(demos_by_category))
def build(output_dir, jinja_env):
os.makedirs(output_dir, exist_ok=True)
template = jinja_env.get_template("demos/template.html")

File diff suppressed because one or more lines are too long

View File

@ -1,10 +0,0 @@
from upload_demos import demos_by_category, upload_demo_to_space, AUTH_TOKEN, gradio_version
from gradio.networking import url_ok
for category in demos_by_category:
for demo in category["demos"]:
space_id = "gradio/" + demo["dir"]
if not url_ok(f"https://hf.space/embed/{space_id}/+"):
print(f"{space_id} was down, restarting")
upload_demo_to_space(demo_name=demo["dir"], space_id=space_id, hf_token=AUTH_TOKEN, gradio_version=gradio_version)

View File

@ -15,7 +15,7 @@
{% for demo_name, demo_code in obj["demos"] %}
<div class="demo-content {% if loop.index != 1 %}hidden{% endif %}" name="{{ demo_name }}">
<div class="codeblock"><pre class=" max-h-80 overflow-auto"><code class="lang-python">{{ demo_code }}</code></pre></div>
<gradio-app src="/demo/{{ demo_name }}" />
<gradio-app space="gradio/{{ demo_name }}" />
</div>
{% endfor %}
</div>
@ -46,7 +46,7 @@
{% endif %}
{% if is_component %}
<div class="embedded-component">
<gradio-app src="/demo/{{ obj['name'] }}_component" />
<gradio-app space="gradio/{{ obj['name'].lower() }}_component" />
</div>
{% endif %}
<p class="mt-8 mb-2 text-lg">{{ obj["description"] }}</p>

View File

@ -335,17 +335,27 @@
}
})
// Remove built-with-gradio footers and extra space from embedded components
window.addEventListener('load', function () {
function removeFooters() {
document.querySelectorAll('.embedded-component gradio-app').forEach(g => {
let shadowroot = g.shadowRoot;
let f = shadowroot.querySelector('footer');
f.classList.add('hidden');
let c = shadowroot.querySelector('.gradio-container');
c.style.removeProperty('min-height');
}
);
})
if ( g.shadowRoot ) {
let shadowroot = g.shadowRoot;
let f = shadowroot.querySelector('footer');
if (f != null) {
f.classList.add('hidden');
let c = shadowroot.querySelector('.gradio-container');
c.style.removeProperty('min-height');
} else {
window.setTimeout(removeFooters, 100);
}
} else {
window.setTimeout(removeFooters, 100);
}
});
};
window.addEventListener('load', removeFooters());
</script>
</body>
</html>

View File

@ -92,7 +92,7 @@ for guide_folder in guide_folders:
)
guide_content = re.sub(
r"\$demo_([a-z _\-0-9]+)",
lambda x: f"<gradio-app src='/demo/{x.group(1).replace('_', UNDERSCORE_TOKEN)}' />",
lambda x: f"<gradio-app space='gradio/{x.group(1).replace('_', UNDERSCORE_TOKEN)}' />",
guide_content,
)
guide_data = {

View File

@ -7,16 +7,13 @@ import huggingface_hub
import os
import json
AUTH_TOKEN = os.getenv("AUTH_TOKEN")
VERSION_TXT = os.path.abspath(os.path.join(os.getcwd(), "..", "..", "gradio", "version.txt"))
DIR = os.path.dirname(__file__)
RECIPE_DEMOS = os.path.join(DIR, "recipe_demos.json")
GRADIO_DEMO_DIR = os.path.abspath(os.path.join(os.getcwd(), "..", "..", "demo"))
with open(VERSION_TXT) as f:
gradio_version=f.read()
with open(RECIPE_DEMOS, "r") as j:
demos_by_category = json.loads(j.read())
gradio_version = gradio_version.strip()
def upload_demo_to_space(
demo_name: str, space_id: str, hf_token: str, gradio_version: Optional[str]
@ -32,9 +29,6 @@ def upload_demo_to_space(
with tempfile.TemporaryDirectory() as tmpdir:
demo_path = pathlib.Path(GRADIO_DEMO_DIR, demo_name)
shutil.copytree(demo_path, tmpdir, dirs_exist_ok=True)
app_file = pathlib.Path(tmpdir, "run.py")
# Rename the app file to be app.py
app_file.rename(app_file.with_name('app.py'))
if gradio_version:
readme = pathlib.Path(tmpdir, "README.md")
readme_content = f"""
@ -45,7 +39,7 @@ def upload_demo_to_space(
colorTo: indigo
sdk: gradio
sdk_version: {gradio_version}
app_file: app.py
app_file: run.py
pinned: false
---
"""
@ -67,10 +61,11 @@ def upload_demo_to_space(
)
return f"https://huggingface.co/spaces/{space_id}"
demos = os.listdir(GRADIO_DEMO_DIR)
demos = [demo for demo in demos if demo != "all_demos" and os.path.isdir(os.path.join(GRADIO_DEMO_DIR, demo)) and os.path.exists(os.path.join(GRADIO_DEMO_DIR, demo, "run.py"))]
if __name__ == "__main__":
if AUTH_TOKEN is not None:
for category in demos_by_category:
for demo in category["demos"]:
space_id = "gradio/" + demo["dir"]
upload_demo_to_space(demo_name=demo["dir"], space_id=space_id, hf_token=AUTH_TOKEN, gradio_version=gradio_version)
if huggingface_hub.space_info("gradio/hello_world").cardData["sdk_version"] != gradio_version:
for demo in demos:
upload_demo_to_space(demo_name=demo, space_id="gradio/" + demo, hf_token=AUTH_TOKEN, gradio_version=gradio_version)

View File

@ -5,9 +5,11 @@ export PATH="/usr/local/bin:/usr/bin:/bin"
git pull > /tmp/git_changes.txt
if grep -q "Already up to date." /tmp/git_changes.txt; then
if ! grep -q "gradio/version.txt" /tmp/git_changes.txt; then
echo "NO CHANGES"
else
echo "Checking gradio version.."
python check_version.py
echo "Reloading..."
docker-compose build
docker-compose up -d